Page MenuHomeHEPForge

No OneTemporary

This file is larger than 256 KB, so syntax highlighting was skipped.
Index: trunk/examples/Python/00README.txt
===================================================================
--- trunk/examples/Python/00README.txt (revision 814)
+++ trunk/examples/Python/00README.txt (revision 815)
@@ -1,114 +1,119 @@
This directory contains the following examples:
brute_force_kde_1d.py -- Brute-force kernel density estimation (KDE).
The most accurate KDE method for small
samples.
brute_force_osde_1d.py -- Brute-force orthogonal series density
estimation (OSDE). Works for small samples.
comparison_density_estimation.py -- This script illustrates how to estimate
1-d densities via a comparison
distribution.
copula_2d_bernstein.py -- This script illustrates how to estimate
a multivariate density by splitting it
into a product of copula and marginals.
The copula is estimated by smoothing it
with Bernstein polynomials.
density_interpolation_1d_1p.py -- Nonparametric interpolation of univariate
densities as a function of a single
predictor.
density_interpolation_1d_Np.py -- Nonparametric interpolation of univariate
densities as a function of multiple
predictors.
density_interpolation_Nd_Np.py -- Nonparametric interpolation of multivariate
densities as a function of multiple
predictors.
discrete_osde_1d.py -- Orthogonal series density estimation (OSDE)
for discretized samples.
ems_unfolding_1d.py -- EMS (expectation-maximization with smoothing)
unfolding of 1-d data.
heat_equation_1d.py -- Solve a 1-d heat equation with variable
thermal diffusivity and Neumann boundary
conditions.
johnson_curves.py -- Plot some curves from the Johnson system
of distributions.
kde_1d_by_fft.py -- Efficient kernel density estimation in 1-d
with FFT.
kde_2d_by_fft.py -- Efficient kernel density estimation in 2-d
with FFT. Arbitrary-dimensional KDE would
be essentially identical to this example.
local_regression_1d.py -- Univariate local least squares polynomial
regression.
local_regression_2d.py -- Local least squares polynomial regression
with two predictors.
lorpe_1d_cv.py -- 1-d density estimation by local orthogonal
polynomial expansion (LOrPE) with
cross-validation.
lorpe_1d.py -- 1-d density estimation by LOrPE with a simple
convenience driver.
lorpe_1d_features.py -- An example illustrating the use of LOrPE
with weighted sample, coordinate-dependent
bandwidth, and localized cross-validation.
lorpe_1d_unbinned.py -- 1-d density estimation by LOrPE without
binning the sample.
lorpe_1d_unbinned_cv.py -- Unbinned 1-d density estimation by LOrPE
with cross-validation.
lorpe_1d_weighted.py -- 1-d density estimation by LOrPE without
binning. The sample is weighted.
lorpe_2d_cv.py -- Multivariate density estimation by local
orthogonal polynomial expansion (LOrPE) with
cross-validation.
lorpe_2d.py -- Multivariate density estimation by LOrPE
with a simple plug-in bandwidth guess.
lorpe_mix_Fredholm.py -- Solving the Fredholm equation for
semiparametric mixtures.
+lorpe_mix_Fredholm_2.py -- Solving the Fredholm equation for
+ semiparametric mixtures using
+ cross-validation driver
+ LOrPE1DVariableDegreeCVPicker.
+
persistence.py -- Illustration of the NPStat object persistence
via Geners archives.
plot_density_1d_matplotlib.py -- Plot an AbsDistribution1D density
using Matplotlib.
plot_histo_1d_bars.py -- Plot a 1-d HistoND as barplot.
plot_histo_1d_horizontal.py -- Plot a 1-d HistoND with bins oriented
horizontally, with Matplotlib.
plot_histo_1d_matplotlib.py -- Plot a 1-d HistoND with Matplotlib.
plot_histo_2d_bars.py -- Plot a 2-d HistoND with Matplotlib,
using bars.
plot_histo_2d_colormap.py -- Plot a 2-d HistoND with Matplotlib,
using color cells.
resampling.py -- Illustration of the NPStat resampling
facilities.
tp_lorpe_2d_cv.py -- Multivariate LOrPE smoothing using a tensor
product of 1-d LOrPE filters
variable_bandwidth_kde_1d.py -- Kernel density estimation with variable
bandwidth.
Index: trunk/examples/Python/lorpe_mix_Fredholm_2.py
===================================================================
--- trunk/examples/Python/lorpe_mix_Fredholm_2.py (revision 0)
+++ trunk/examples/Python/lorpe_mix_Fredholm_2.py (revision 815)
@@ -0,0 +1,325 @@
+#!/usr/bin/env python3
+"""
+This example illustrates how to reconstruct beckground density in
+a semiparametric mixture using unbinned LOrPE
+"""
+
+__author__="Igor Volobouev (i.volobouev@ttu.edu)"
+__version__="1.0"
+__date__ ="Aug 16 2022"
+
+# Perform necessary imports
+import math, time
+import npstat as ns
+import numpy as np
+from npstat_utils import HistoND
+from npstat_density_estimation import pluginBandwidthScalingTable
+import matplotlib.pyplot as plt
+
+# Some parameters for the script
+sampleSize = 500 # Number of points to generate (sample size)
+xmin = 0.0 # Left edge of the sample histogram
+xmax = 5.0 # Right edge of the sample histogram
+numBins = 50 # Number of bins for the sample histogram
+symbetaPower = 4 # Power parameter of the symmetric beta weight function
+ # w.r.t. which the orthogonal polynomial system will
+ # be generated. Use -1 to employ a Gaussian instead.
+filterDegree = 0 # The first guess for the best degree of LOrPE filter.
+normalize = True # Do we want to normalize the density estimate?
+ # Here, this only ensures that the integral is 1
+ # and does not check for negative densities.
+nIntegSplits = 50 # Number of intervals to use for various quadratures.
+nIntegPoints = 4 # Number of Gauss-Legendre integration points to use
+ # on each interval for various quadratures.
+alpha = 0.3 # Signal fraction in the mix.
+convTol = 1.0e-7 # Tolerance parameter for background estimate convergence.
+convDensity = True # Set this parameter to "True" if the convergence
+ # should be checked for background density, to "False"
+ # if the convergence should be checked for weights.
+maxIter = 1000 # Maximum number of iterations for the Fredholm equation.
+rngSeed = 19394489 # Seed for the random number generator. Set to 0
+ # in order to have different random samples every time.
+
+# Choose the cross-validation method. We will do the following here. Only
+# non-negative values of regularization parameter "rlcvAlpha" make sense
+# for RLCV. So, if the parameter below is negative, we use LSCV, otherwise
+# we use RLCV. Try different values of rlcvAlpha and see what happens.
+rlcvAlpha = -1.0
+
+# Choose boundary handling method. Only two methods are currently
+# supported for unbinned LOrPE:
+#
+# "BM_TRUNCATE" -- Just truncate the weight function at the boundary.
+#
+# "BM_FOLD" -- Reflect (fold) the weight function at the boundary and
+# add to the non-reflected part.
+#
+# It is not obvious a priori which boundary handling method will perform
+# best for any particular case, so it might be useful to try different ones.
+bh = ns.BoundaryHandling("BM_TRUNCATE")
+
+# Generator of random numbers
+if rngSeed == 0:
+ rng = ns.MersenneTwister()
+else:
+ rng = ns.MersenneTwister(rngSeed)
+
+# Signal distribution
+signal = ns.TruncatedDistribution1D(ns.Gauss1D(2.0, 0.3), xmin, xmax)
+
+# Background distribution. Note wider width -- it is
+# here to avoid negative background density estimates.
+bg = ns.TruncatedDistribution1D(ns.Exponential1D(0.0, 1.5), xmin, xmax)
+
+# The mixture
+mix = ns.DistributionMix1D()
+mix.add(signal, alpha)
+mix.add(bg, 1.0 - alpha)
+
+# Generate a sample of points on [xmin, xmax].
+# Sort it so that these points can be used as
+# coordinates for calculating weights.
+unsortedCoords = mix.generate(rng, sampleSize)
+sampleCoords = np.sort(unsortedCoords)
+
+# Here, we will simply initialize the weights to 1 for every point.
+unitWeights = np.ones(sampleSize, dtype=np.double)
+weightedSample = list(zip(sampleCoords, unitWeights))
+
+# Histogram for displaying the weighted sample. Note that
+# the type of bins is double rather than integer.
+h1 = HistoND("double", ns.HistoAxis(numBins, xmin, xmax, "X"),
+ "Sample Histogram", "Weight")
+h1.fill(weightedSample)
+
+# The functor to use for cross-validation
+if rlcvAlpha < 0.0:
+ useRLCV = False
+ lorpeFunctor = ns.LOrPE1DLSCVFunctor
+else:
+ useRLCV = True
+ lorpeFunctor = ns.LOrPE1DRLCVFunctor
+
+# Create the object which performs cross-validation. The function
+# signature looks as follows (see also C++ header file LOrPE1DCV.hh):
+#
+# LOrPE1DLSCVFunctor(symbetaPower,
+# leftBoundary,
+# rightBoundary,
+# bh,
+# bandwidthFunctor,
+# localizingWeight,
+# localizingWeightXmin,
+# localizingWeightXmax,
+# nIntegIntervals,
+# nIntegPoints,
+# normalizeLOrPEEstimate,
+# sample)
+#
+# The meaning of the arguments is described in the script
+# "lorpe_1d_features.py".
+
+# The example callable to use for bandwidth dependence on the coordinate.
+# Polynomial series are used here, in the monomial basis. The monomial
+# coefficients are arranged in the order of increasing degree. This works
+# faster than a functor defined by a python callable.
+polyCoeffs = (1.0, 0.0, 1.0)
+polyXShift = 2.0
+bandwidthPoly = ns.Poly1DShifted(ns.Poly1D(polyCoeffs), polyXShift)
+bandwidthFunctor = ns.Functor1Ref(bandwidthPoly)
+
+# You can also try to uncomment the following in order
+# to have no bandwidth dependence on the coordinate:
+#
+bandwidthFunctor = 1.0
+
+# Example distribution used to localize cross-validation
+localizingDistro = ns.Gauss1D(2.0, 0.6)
+localizingWeightFcn = ns.DensityFunctor1D(localizingDistro)
+localizingWeightXmin = localizingDistro.quantile(0.0)
+localizingWeightXmax = localizingDistro.quantile(1.0)
+
+# Create the LOrPE cross-validation object
+# lorpe = lorpeFunctor(symbetaPower, xmin, xmax, bh, bandwidthFunctor,
+# ns.Functor1Ref(localizingWeightFcn),
+# localizingWeightXmin, localizingWeightXmax,
+# nIntegSplits, nIntegPoints, normalize, weightedSample)
+
+lorpe = lorpeFunctor(symbetaPower, xmin, xmax, bh, bandwidthFunctor,
+ 1.0, xmin-1.0, xmax+1.0,
+ nIntegSplits, nIntegPoints, normalize, weightedSample)
+
+# Check if we use RLCV and set the regularization parameter
+# if this is the case
+if useRLCV:
+ cv.setRlcvAlpha(rlcvAlpha)
+
+# Possible LOrPE code speed optimization options.
+#
+# The lorpe object will remember boundary-corrected local
+# polynomials if the following method is called (uncomment
+# the next line if desired):
+# lorpe.useMemoisingKernels(True)
+
+# The lorpe object will remember density normalizations
+# if the following method is called:
+# lorpe.memoizeNorms(True)
+
+# The lorpe object will remember different kernels
+# if the following method is called. This is only
+# meaningful if the cross-validation runner can
+# actually optimize not only the bandwidth but
+# multiple filter degrees as well.
+# lorpe.memoizeKernels(True)
+
+# We now need to run "solveForLOrPEWeights" function to
+# solve the mixture Fredholm equation. We will try to
+# solve it for different values of alpha. This function
+# has the following signature:
+#
+# solveForLOrPEWeights(lorpe, cv, signal, alpha, conv, maxIter)
+#
+# The following arguments must be provided:
+#
+# lorpe is an instance of LOrPE1DCV class, created normally
+# by LOrPE1DLSCVFunctor or LOrPE1DRLCVFunctor functions.
+#
+# cv is an instance of a class that runs the cross-validation
+# calculations and chooses the LOrPE filter degree and the
+# bandwidth. Currently, the classes that can be used for
+# this purpose are LOrPE1DFixedDegreeCVScanner,
+# LOrPE1DFixedDegreeCVRunner, LOrPE1DFixedDegreeCVPicker
+# (fixed LOrPE degrees), LOrPE1DVariableDegreeCVRunner,
+# and LOrPE1DVariableDegreeCVPicker (variable LOrPE degrees).
+#
+# signal is the signal distribution, an instance of AbsDistribution1D.
+#
+# alpha is the assumed signal fraction.
+#
+# conv is an instance of LOrPEWeightsLocalConvergence class.
+#
+# maxIter is the maximum number of allowed iterations.
+
+# The function "pluginBandwidthScalingTable" generates a table
+# of optimal bandwidth values as a function of filter degree
+# using AMISE of a plug-in distribution. The plug-in distribution
+# in this case is the standard normal. This, of course, is not
+# an optimal approach for the exponential background. It is done
+# here only because it is easy (the formulas are provided in
+# the literature and implemented in npstat). Derivation of
+# "minBwFactors", "maxBwFactors", and "guessBwFactors" needs
+# to be improved.
+bwScales = pluginBandwidthScalingTable(symbetaPower, sampleSize*(1 - alpha))
+maxFilterDegree = 4
+tableLength = maxFilterDegree*4 + 1
+degrees = np.linspace(0.0, maxFilterDegree*1.0, tableLength)
+bw0Min = 0.5
+bw0Max = 5.0
+bw0Guess = 1.0
+scalingFactors = [bwScales(d)/bwScales(0.0) for d in degrees]
+minBwFactors = [bw0Min*s for s in scalingFactors]
+maxBwFactors = [bw0Max*s for s in scalingFactors]
+guessBwFactors = [bw0Guess*s for s in scalingFactors]
+initialStepSizeInDegreeGridCells = 2
+initialStepSizeInFactorsGridCells = 5
+nBwFactors = 101
+
+# In the scheme used in this example, each bandwidth factor
+# in the bandwidth grid will differ from the previous bandwidth
+# by the factor exp(log(bw0Max/bw0Min)/(nBwFactors - 1))
+
+for i, d in enumerate(degrees):
+ print("Degree {}, min bwFactor = {:.4f}, max bwFactor = {:.4f}".format(
+ d, minBwFactors[i], maxBwFactors[i]))
+
+cv = ns.LOrPE1DVariableDegreeCVPicker(maxFilterDegree,
+ minBwFactors,
+ maxBwFactors,
+ guessBwFactors,
+ nBwFactors,
+ initialStepSizeInFactorsGridCells,
+ filterDegree,
+ initialStepSizeInDegreeGridCells)
+conv = ns.LOrPEWeightsLocalConvergence(convTol, 1, convDensity)
+alphaSet = np.linspace(0.1, 0.5, 21)
+cvDegs = list()
+cvBandwidth = list()
+cvFcnValues = list()
+logliValues = list()
+
+# A cheat for faster convergence. Reinitialize
+# the weights to their oracle values for every alpha.
+signalValues = ns.scanDensity1D(signal, sampleCoords)
+bgValues = ns.scanDensity1D(bg, sampleCoords)
+
+# Measure execution time of the cycle
+startTime = time.time()
+for a in alphaSet:
+ print("Solving Fredholm equation for alpha = {:.2f}".format(a))
+ oracleWeights = bgValues/(a*signalValues + (1.0-a)*bgValues)
+ lorpe.setWeights(oracleWeights)
+ stats = ns.solveForLOrPEWeights(lorpe, cv, signal, a, conv, maxIter)
+ if stats.converged():
+ print("{} iterations, deg = {:.4f}, bwFactor = {:.4f}, boundary flags: {} {}".format(
+ stats.nIterations(), stats.filterDegree(), stats.bwFactor(),
+ stats.isOnDegreeBoundary(), stats.isOnBandwidthBoundary()))
+ cvDegs.append(stats.filterDegree())
+ cvBandwidth.append(stats.bwFactor())
+ cvFcnValues.append(stats.cvFunction())
+
+ # In the "semiMixLocalLogLikelihood" function call below,
+ # the last three arguments define how the likelihood is
+ # localized. Here, we use the same localization as for the
+ # cross-validation, but it can, of course, be different.
+ logli = ns.semiMixLocalLogLikelihood(
+ lorpe.coords(), signal, a,
+ lorpe.densityFunctor(stats.filterDegree(), stats.bwFactor()),
+ lorpe.cvLocalizingWeightFunctor(),
+ lorpe.localizingWeightXmin(),
+ lorpe.localizingWeighXmax())
+ print("Local log-likelihood is {:.6g}".format(logli))
+ logliValues.append(logli)
+ else:
+ print("Iterations did not converge. Appending dummy bandwidth.")
+ cvDegs.append(0.0)
+ cvBandwidth.append(0.0)
+ logliValues.append(0.0)
+
+cycleTime = time.time() - startTime
+print("Cycle time in seconds: {:.6g}".format(cycleTime))
+
+# Plot the sample histogram
+xh, yh = ns.histoOutline1D(h1)
+plt.plot(xh, yh, 'k')
+plt.xlabel(h1.axis(0).label())
+plt.ylabel(h1.accumulatedDataLabel())
+plt.title(h1.title())
+plt.show()
+
+# Show the filter degree dependence on alpha
+plt.plot(alphaSet, cvDegs)
+plt.xlabel('Signal Fraction')
+plt.ylabel('CV Filter Degree')
+plt.title('CV Filter Degree Dependence on the Assumed Signal Fraction')
+plt.show()
+
+# Show the bandwidth dependence on alpha
+plt.plot(alphaSet, cvBandwidth)
+plt.xlabel('Signal Fraction')
+plt.ylabel('CV Bandwidth Factor')
+plt.title('CV Bandwidth Dependence on the Assumed Signal Fraction')
+plt.show()
+
+# Show the cross-validation function dependence on alpha
+plt.plot(alphaSet, cvFcnValues)
+plt.xlabel('Signal Fraction')
+plt.ylabel('CV Function')
+plt.title('CV Function Dependence on the Assumed Signal Fraction')
+plt.show()
+
+# Show local log-likelihood dependence on alpha
+plt.plot(alphaSet, logliValues)
+plt.xlabel('Signal Fraction')
+plt.ylabel('Local Log-Likelihood')
+plt.title('Local Log-Likelihood Dependence on the Assumed Signal Fraction')
+plt.show()
Property changes on: trunk/examples/Python/lorpe_mix_Fredholm_2.py
___________________________________________________________________
Added: svn:executable
## -0,0 +1 ##
+*
\ No newline at end of property
Index: trunk/tests/test_LOrPE1DVariableDegreeCVRunner.cc
===================================================================
--- trunk/tests/test_LOrPE1DVariableDegreeCVRunner.cc (revision 814)
+++ trunk/tests/test_LOrPE1DVariableDegreeCVRunner.cc (revision 815)
@@ -1,206 +1,206 @@
#include <iostream>
#include <stdexcept>
#include "UnitTest++.h"
#include "test_utils.hh"
#include "npstat/nm/EquidistantSequence.hh"
#include "npstat/stat/LOrPE1DVariableDegreeCVRunner.hh"
#include "npstat/stat/LOrPE1DVariableDegreeCVPicker.hh"
#include "npstat/stat/LOrPE1DFixedDegreeCVPicker.hh"
#include "npstat/stat/LOrPE1DFixedDegreeCVScanner.hh"
#include "npstat/stat/LOrPE1DFixedDegreeCVRunner.hh"
#include "npstat/stat/bivariateChiSquare.hh"
using namespace npstat;
namespace {
class FakeLOrPE1DCV : public Functor1<double, double>,
public Functor2<double, double, double>
{
public:
inline FakeLOrPE1DCV(
const double bestDeg,
const double bestBw,
const double sDeg,
const double sBw,
const double rho,
const double bestFcnValue)
: boundFilterDegree_(-1.),
bestDeg_(bestDeg),
bestBw_(bestBw),
sDeg_(sDeg),
sBw_(sBw),
rho_(rho),
bestFcnValue_(bestFcnValue) {}
inline virtual ~FakeLOrPE1DCV() {}
inline void bindFilterDegree(const double deg)
{
if (deg < 0.0) throw std::invalid_argument(
"In FakeLOrPE1DCV::bindFilterDegree: "
"filter degree can not be negative");
boundFilterDegree_ = deg;
}
inline void unbindFilterDegree()
{boundFilterDegree_ = -1.0;}
inline double boundFilterDegree() const
{return boundFilterDegree_;}
inline double operator()(
const double& filterDegree, const double& bwFactor) const
{
return bestFcnValue_ - bivariateChiSquare(
bestDeg_, bestBw_, sDeg_, sBw_, rho_,
filterDegree, bwFactor);
}
inline double operator()(const double& bwFactor) const
{
validateBoundDegree("operator()");
return operator()(boundFilterDegree_, bwFactor);
}
private:
inline void validateBoundDegree(const char* where) const
{
if (boundFilterDegree_ < 0.0)
{
std::ostringstream os;
os << "In FakeLOrPE1DCV::" << where
<< ": can't use the bandwidth factor alone, "
<< "please bind the filter degree first";
throw std::runtime_error(os.str());
}
}
double boundFilterDegree_;
double bestDeg_;
double bestBw_;
double sDeg_;
double sBw_;
double rho_;
double bestFcnValue_;
};
}
namespace {
TEST(LOrPE1DVariableDegreeCVRunner)
{
const double bwEps = 1.0e-2;
const double bestDeg = 6.3;
const double bestBw = 2.2;
const double bestFcn = 1.0;
const double rho = 0.5;
LinInterpolatedTable1D iTable(1.0);
LOrPE1DVariableDegreeCVRunner cvRunner(iTable, 10, 101, 5, 1, 2, bwEps);
FakeLOrPE1DCV lorpe(bestDeg, bestBw, 2., 1., rho, bestFcn);
const LOrPE1DCVResult& status = cvRunner.crossValidate(lorpe);
std::cout << "\nIn TEST(LOrPE1DVariableDegreeCVRunner):\n"
<< "Max value found is " << status.cvFunction() << " at ("
<< status.filterDegree() << ", " << status.bwFactor() << ")."
<< " Boundary flags: " << status.isOnDegreeBoundary()
<< ' ' << status.isOnBandwidthBoundary() << ".\n"
<< "Actual max value is " << bestFcn << " at ("
<< bestDeg << ", " << bestBw << ").\n"
<< std::endl;
}
TEST(LOrPE1DVariableDegreeCVPicker)
{
const double bestDeg = 6.3;
const double bestBw = 2.2;
const double bestFcn = 1.0;
const double rho = 0.5;
FakeLOrPE1DCV lorpe(bestDeg, bestBw, 2., 1., rho, bestFcn);
const double maxdeg = 10.0;
const unsigned nDegsInTheGrid = 41;
+ EquidistantInLinearSpace minBw(1.0, 1.1, nDegsInTheGrid);
EquidistantInLinearSpace maxBw(5.0, 5.1, nDegsInTheGrid);
- const double maxToMinBwRatio = 4.0;
+ EquidistantInLinearSpace starts(2.0, 2.1, nDegsInTheGrid);
const unsigned nBwFactors = 100;
const double initialDeg = 5.0;
const unsigned initialStepSizeInDegreeGridCells = 5;
- EquidistantInLinearSpace starts(2.0, 2.5, nDegsInTheGrid);
const unsigned initialStepSizeInFactorsGridCells = 5;
LOrPE1DVariableDegreeCVPicker cvPicker(
- maxdeg, nDegsInTheGrid, maxBw, maxToMinBwRatio, nBwFactors,
- initialDeg, initialStepSizeInDegreeGridCells,
- starts, initialStepSizeInFactorsGridCells);
+ maxdeg, minBw, maxBw, starts, nBwFactors,
+ initialStepSizeInFactorsGridCells,
+ initialDeg, initialStepSizeInDegreeGridCells);
const LOrPE1DCVResult& status = cvPicker.crossValidate(lorpe);
std::cout << "In TEST(LOrPE1DVariableDegreeCVPicker):\n"
<< "Max value found is " << status.cvFunction() << " at ("
<< status.filterDegree() << ", " << status.bwFactor() << ")."
<< " Boundary flags: " << status.isOnDegreeBoundary()
<< ' ' << status.isOnBandwidthBoundary() << ".\n"
<< "Actual max value is " << bestFcn << " at ("
<< bestDeg << ", " << bestBw << ").\n"
<< std::endl;
}
TEST(LOrPE1DFixedDegreeCVPicker)
{
const double bestDeg = 6.3;
const double bestBw = 2.2;
const double bestFcn = 1.0;
const double rho = 0.0;
const double fixedDeg = 5.0;
FakeLOrPE1DCV lorpe(bestDeg, bestBw, 2., 1., rho, bestFcn);
LOrPE1DFixedDegreeCVPicker cvPicker(fixedDeg, 1.0, 4.0, 100U, 2.0, 5U);
const LOrPE1DCVResult& status = cvPicker.crossValidate(lorpe);
std::cout << "In TEST(LOrPE1DFixedDegreeCVPicker):\n"
<< "Max value found is " << status.cvFunction() << " at ("
<< status.filterDegree() << ", " << status.bwFactor() << ").\n"
<< "Actual max value is " << lorpe(fixedDeg, bestBw) << " at ("
<< fixedDeg << ", " << bestBw << ").\n"
<< std::endl;
}
TEST(LOrPE1DFixedDegreeCVScanner)
{
const double bestDeg = 6.3;
const double bestBw = 2.2;
const double bestFcn = 1.0;
const double rho = 0.0;
const double fixedDeg = 5.0;
FakeLOrPE1DCV lorpe(bestDeg, bestBw, 2., 1., rho, bestFcn);
LOrPE1DFixedDegreeCVScanner cvScanner(
fixedDeg, EquidistantInLogSpace(1.0, 4.0, 100U));
const LOrPE1DCVResult& status = cvScanner.crossValidate(lorpe);
std::cout << "In TEST(LOrPE1DFixedDegreeCVScanner):\n"
<< "Max value found is " << status.cvFunction() << " at ("
<< status.filterDegree() << ", " << status.bwFactor() << ").\n"
<< "Actual max value is " << lorpe(fixedDeg, bestBw) << " at ("
<< fixedDeg << ", " << bestBw << ").\n"
<< std::endl;
}
TEST(LOrPE1DFixedDegreeCVRunner)
{
const double bestDeg = 6.3;
const double bestBw = 2.2;
const double bestFcn = 1.0;
const double rho = 0.0;
const double fixedDeg = 5.0;
FakeLOrPE1DCV lorpe(bestDeg, bestBw, 2., 1., rho, bestFcn);
LOrPE1DFixedDegreeCVRunner cvRunner(fixedDeg, 1.0, 0.01);
const LOrPE1DCVResult& status = cvRunner.crossValidate(lorpe);
std::cout << "In TEST(LOrPE1DFixedDegreeCVRunner):\n"
<< "Max value found is " << status.cvFunction() << " at ("
<< status.filterDegree() << ", " << status.bwFactor() << ").\n"
<< "Actual max value is " << lorpe(fixedDeg, bestBw) << " at ("
<< fixedDeg << ", " << bestBw << ").\n"
<< std::endl;
}
}
Index: trunk/npstat/swig/npstat_wrap.cc
===================================================================
--- trunk/npstat/swig/npstat_wrap.cc (revision 814)
+++ trunk/npstat/swig/npstat_wrap.cc (revision 815)
@@ -1212739,131169 +1212739,131168 @@
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_ptr__SWIG_13(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_ptr__SWIG_14(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_ptr__SWIG_15(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_ptr__SWIG_16(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_ptr__SWIG_17(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_ptr__SWIG_18(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_ptr__SWIG_19(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_ptr__SWIG_20(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_ptr__SWIG_21(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'ResponseMatrixArrayND_ptr'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at()\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at() const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::at(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_11(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_12(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_13(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_14(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_15(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_16(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_17(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_18(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
double arg10 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
double val10 ;
int ecode10 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_19(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
double arg10 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
double val10 ;
int ecode10 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_20(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
double arg10 ;
double arg11 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
double val10 ;
int ecode10 = 0 ;
double val11 ;
int ecode11 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
ecode11 = SWIG_AsVal_double(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "11"" of type '" "double""'");
}
arg11 = static_cast< double >(val11);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &(arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10,arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr__SWIG_21(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
double arg10 ;
double arg11 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
double val10 ;
int ecode10 = 0 ;
double val11 ;
int ecode11 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
ecode11 = SWIG_AsVal_double(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "ResponseMatrixArrayND_clPtr" "', argument " "11"" of type '" "double""'");
}
arg11 = static_cast< double >(val11);
{
try {
result = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) &((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->cl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10,arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_clPtr(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_clPtr", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_0(self, argc, argv);
}
}
if (argc == 1) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_2(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_3(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_4(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_5(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_6(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_7(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_8(self, argc, argv);
}
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_9(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_11(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_12(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_13(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_14(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_15(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_16(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_17(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_18(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_19(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_20(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_clPtr__SWIG_21(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'ResponseMatrixArrayND_clPtr'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl()\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl() const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double,double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double,double,double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double,double,double,double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double,double,double,double,double)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::cl(double,double,double,double,double,double,double,double,double,double) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_classId" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_write" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrixArrayND_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::SWIGTEMPLATEDISAMBIGUATOR classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::SWIGTEMPLATEDISAMBIGUATOR version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg3 = (npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrixArrayND_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_restore" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrixArrayND_restore" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "ResponseMatrixArrayND_restore" "', argument " "3"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp3);
{
try {
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::SWIGTEMPLATEDISAMBIGUATOR restore((gs::ClassId const &)*arg1,*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_setValue", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setValue" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_setValue" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setValue" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[3], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setValue" "', argument " "4"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setValue((unsigned int const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_value(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_value", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_value" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_value" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_value" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getValue((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setLinearValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned long arg2 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_setLinearValue", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setLinearValue" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setLinearValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setLinearValue" "', argument " "3"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg3 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setLinearValue(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_linearValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_linearValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_linearValue" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_linearValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getLinearValue(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setClosest(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_setClosest", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setClosest" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_setClosest" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setClosest" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[3], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setClosest" "', argument " "4"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setClosest((double const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_closest(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_closest", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_closest" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_closest" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_closest" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getClosest((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg2 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg3 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[3], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "4"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_set" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[4], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "5"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg5 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND___call__" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_set" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_set" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[5], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "6"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg6 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND___call__" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND___call__" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_set" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_set" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_set" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[6], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "7"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg7 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND___call__" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND___call__" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND___call__" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg8 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_set" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_set" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_set" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_set" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[7], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "8"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg8 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3,arg4,arg5,arg6,arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND___call__" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND___call__" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND___call__" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND___call__" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
unsigned int arg8 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg9 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
unsigned int val8 ;
int ecode8 = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_set" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_set" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_set" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_set" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_set" "', argument " "8"" of type '" "unsigned int""'");
}
arg8 = static_cast< unsigned int >(val8);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "9"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg9 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
unsigned int arg8 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
unsigned int val8 ;
int ecode8 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND___call__" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND___call__" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND___call__" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND___call__" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND___call__" "', argument " "8"" of type '" "unsigned int""'");
}
arg8 = static_cast< unsigned int >(val8);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2,arg3,arg4,arg5,arg6,arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
unsigned int arg8 ;
unsigned int arg9 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg10 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
unsigned int val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_set" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_set" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_set" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_set" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_set" "', argument " "8"" of type '" "unsigned int""'");
}
arg8 = static_cast< unsigned int >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_set" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[9], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "10"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg10 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
unsigned int arg8 ;
unsigned int arg9 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
unsigned int val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND___call__" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND___call__" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND___call__" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND___call__" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND___call__" "', argument " "8"" of type '" "unsigned int""'");
}
arg8 = static_cast< unsigned int >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND___call__" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
unsigned int arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg11 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
unsigned int val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_set" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_set" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_set" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_set" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_set" "', argument " "8"" of type '" "unsigned int""'");
}
arg8 = static_cast< unsigned int >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_set" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_set" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[10], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "11"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg11 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10,arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
unsigned int arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
unsigned int val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND___call__" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND___call__" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND___call__" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND___call__" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND___call__" "', argument " "8"" of type '" "unsigned int""'");
}
arg8 = static_cast< unsigned int >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND___call__" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND___call__" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
unsigned int arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
unsigned int arg11 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg12 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
unsigned int val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
unsigned int val11 ;
int ecode11 = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_set" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_set" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_set" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_set" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_set" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_set" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_set" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_set" "', argument " "8"" of type '" "unsigned int""'");
}
arg8 = static_cast< unsigned int >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_set" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_set" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "ResponseMatrixArrayND_set" "', argument " "11"" of type '" "unsigned int""'");
}
arg11 = static_cast< unsigned int >(val11);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_set" "', argument " "12"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg12 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->set(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10,arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_set(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[13] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_set", 0, 12, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[2], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[3], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_2(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[4], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_3(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[5], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[6], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[7], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[9], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[10], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_set__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'ResponseMatrixArrayND_set'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,unsigned int,unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,unsigned int,unsigned int,unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::set(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call____SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
unsigned int arg7 ;
unsigned int arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
unsigned int arg11 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
unsigned int val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
unsigned int val11 ;
int ecode11 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___call__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND___call__" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND___call__" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND___call__" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND___call__" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND___call__" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND___call__" "', argument " "8"" of type '" "unsigned int""'");
}
arg8 = static_cast< unsigned int >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND___call__" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND___call__" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "ResponseMatrixArrayND___call__" "', argument " "11"" of type '" "unsigned int""'");
}
arg11 = static_cast< unsigned int >(val11);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->get(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10,arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND___call__", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_0(self, argc, argv);
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_4(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND___call____SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'ResponseMatrixArrayND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get() const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::get(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg2 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg3 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[3], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "4"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_cl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[4], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "5"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg5 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_cl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_cl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[5], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "6"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg6 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_cl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_cl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_cl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[6], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "7"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg7 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_cl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_cl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_cl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_cl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg8 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[7], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "8"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg8 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3,arg4,arg5,arg6,arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_cl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_cl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_cl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_cl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_cl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg9 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "9"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg9 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_cl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_cl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_cl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_cl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_cl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_cl" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2,arg3,arg4,arg5,arg6,arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg10 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[9], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "10"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg10 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_cl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_cl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_cl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_cl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_cl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_cl" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_cl" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
double arg10 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg11 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
double val10 ;
int ecode10 = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[10], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "11"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg11 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10,arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
double arg10 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
double val10 ;
int ecode10 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_cl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_cl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_cl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_cl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_cl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_cl" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_cl" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_cl" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
double arg10 ;
double arg11 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > arg12 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
double val10 ;
int ecode10 = 0 ;
double val11 ;
int ecode11 = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
ecode11 = SWIG_AsVal_double(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "11"" of type '" "double""'");
}
arg11 = static_cast< double >(val11);
{
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *ptr = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *)0;
int res = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "ResponseMatrixArrayND_setCl" "', argument " "12"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >""'");
}
arg12 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
try {
(arg1)->setCl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10,arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setCl(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[13] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_setCl", 0, 12, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[2], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[3], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_2(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[4], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_3(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[5], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[6], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[7], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[9], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[10], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_setCl__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'ResponseMatrixArrayND_setCl'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,double,double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,double,double,double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,double,double,double,double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,double,double,double,double,double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,double,double,double,double,double,double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,double,double,double,double,double,double,double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,double,double,double,double,double,double,double,double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::setCl(double,double,double,double,double,double,double,double,double,double,std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
double arg8 ;
double arg9 ;
double arg10 ;
double arg11 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
double val9 ;
int ecode9 = 0 ;
double val10 ;
int ecode10 = 0 ;
double val11 ;
int ecode11 = 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > result;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_cl" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrixArrayND_cl" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_cl" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_cl" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "ResponseMatrixArrayND_cl" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_cl" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "ResponseMatrixArrayND_cl" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "ResponseMatrixArrayND_cl" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "ResponseMatrixArrayND_cl" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "ResponseMatrixArrayND_cl" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
ecode11 = SWIG_AsVal_double(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "ResponseMatrixArrayND_cl" "', argument " "11"" of type '" "double""'");
}
arg11 = static_cast< double >(val11);
{
try {
result = ((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->getCl(arg2,arg3,arg4,arg5,arg6,arg7,arg8,arg9,arg10,arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_cl(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_cl", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_0(self, argc, argv);
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_4(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_ResponseMatrixArrayND_cl__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'ResponseMatrixArrayND_cl'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl() const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double,double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double,double,double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double,double,double,double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double,double,double,double,double,double,double,double,double) const\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::getCl(double,double,double,double,double,double,double,double,double,double) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_setData(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *arg2 = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_setData", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_setData" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_setData" "', argument " "2"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const *""'");
}
arg2 = reinterpret_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_setData" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
(arg1)->setData2((std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___eq__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND___eq__" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrixArrayND___eq__" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp2);
{
try {
result = (bool)((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->isEqual2((npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND___ne__" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND___ne__" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrixArrayND___ne__" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp2);
{
try {
result = (bool)((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->notEqual2((npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_isShapeCompatible(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_isShapeCompatible", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_isShapeCompatible" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_isShapeCompatible" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrixArrayND_isShapeCompatible" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp2);
{
try {
result = (bool)((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->isShapeCompatible2((npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_exportSlice(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg2 = (npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *) 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
PyObject *swig_obj[6] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_exportSlice", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_exportSlice" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_exportSlice" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "ResponseMatrixArrayND_exportSlice" "', argument " "3"" of type '" "unsigned int const *""'");
}
arg3 = reinterpret_cast< unsigned int * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_exportSlice" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "ResponseMatrixArrayND_exportSlice" "', argument " "5"" of type '" "unsigned int const *""'");
}
arg5 = reinterpret_cast< unsigned int * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_exportSlice" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->exportSlice2(arg2,(unsigned int const *)arg3,arg4,(unsigned int const *)arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_exportMemSlice(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *arg2 = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) 0 ;
unsigned long arg3 ;
unsigned int *arg4 = (unsigned int *) 0 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
PyObject *swig_obj[6] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_exportMemSlice", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_exportMemSlice" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_exportMemSlice" "', argument " "2"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *""'");
}
arg2 = reinterpret_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_exportMemSlice" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "ResponseMatrixArrayND_exportMemSlice" "', argument " "4"" of type '" "unsigned int const *""'");
}
arg4 = reinterpret_cast< unsigned int * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "ResponseMatrixArrayND_exportMemSlice" "', argument " "5"" of type '" "unsigned int const *""'");
}
arg5 = reinterpret_cast< unsigned int * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_exportMemSlice" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->exportMemSlice2(arg2,arg3,(unsigned int const *)arg4,(unsigned int const *)arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_importSlice(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
PyObject *swig_obj[6] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_importSlice", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_importSlice" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_importSlice" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrixArrayND_importSlice" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "ResponseMatrixArrayND_importSlice" "', argument " "3"" of type '" "unsigned int const *""'");
}
arg3 = reinterpret_cast< unsigned int * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "ResponseMatrixArrayND_importSlice" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "ResponseMatrixArrayND_importSlice" "', argument " "5"" of type '" "unsigned int const *""'");
}
arg5 = reinterpret_cast< unsigned int * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_importSlice" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
(arg1)->importSlice2((npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &)*arg2,(unsigned int const *)arg3,arg4,(unsigned int const *)arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_importMemSlice(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *arg2 = (std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > *) 0 ;
unsigned long arg3 ;
unsigned int *arg4 = (unsigned int *) 0 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
PyObject *swig_obj[6] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_importMemSlice", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_importMemSlice" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_importMemSlice" "', argument " "2"" of type '" "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const *""'");
}
arg2 = reinterpret_cast< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_importMemSlice" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "ResponseMatrixArrayND_importMemSlice" "', argument " "4"" of type '" "unsigned int const *""'");
}
arg4 = reinterpret_cast< unsigned int * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "ResponseMatrixArrayND_importMemSlice" "', argument " "5"" of type '" "unsigned int const *""'");
}
arg5 = reinterpret_cast< unsigned int * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "ResponseMatrixArrayND_importMemSlice" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
(arg1)->importMemSlice2((std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const *)arg2,arg3,(unsigned int const *)arg4,(unsigned int const *)arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_subrange(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
npstat::ArrayRange *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_subrange", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_subrange" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayRange, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_subrange" "', argument " "2"" of type '" "npstat::ArrayRange const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrixArrayND_subrange" "', argument " "2"" of type '" "npstat::ArrayRange const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayRange * >(argp2);
{
try {
result = (arg1)->subrange((npstat::ArrayRange const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(static_cast< const npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >& >(result))), SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_slice(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_slice", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_slice" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_slice" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_slice" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (arg1)->slice((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >(static_cast< const npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >& >(result))), SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_rotate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg4 = (npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_rotate", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_rotate" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_rotate" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_rotate" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "ResponseMatrixArrayND_rotate" "', argument " "4"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp4);
{
try {
((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->rotate2((unsigned int const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_mirror(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg4 = (npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_mirror", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_mirror" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_mirror" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_mirror" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "ResponseMatrixArrayND_mirror" "', argument " "4"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp4);
{
try {
((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->mirror2((unsigned int const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_exportSubrange(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg4 = (npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_exportSubrange", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_exportSubrange" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_exportSubrange" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_exportSubrange" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "ResponseMatrixArrayND_exportSubrange" "', argument " "4"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp4);
{
try {
((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->exportSubrange2((unsigned int const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_importSubrange(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_importSubrange", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_importSubrange" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_importSubrange" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "ResponseMatrixArrayND_importSubrange" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "ResponseMatrixArrayND_importSubrange" "', argument " "4"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrixArrayND_importSubrange" "', argument " "4"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp4);
{
try {
(arg1)->importSubrange2((unsigned int const *)arg2,arg3,(npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrixArrayND_multiMirror(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *arg1 = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *) 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *arg2 = (npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrixArrayND_multiMirror", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrixArrayND_multiMirror" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrixArrayND_multiMirror" "', argument " "2"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > *""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > * >(argp2);
{
try {
((npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > const *)arg1)->multiMirror2(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrixArrayND__SWIG_15(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ResponseMatrixArrayND" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrixArrayND" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > * >(argp1);
{
try {
result = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *)new npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >((npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrixArrayND__SWIG_16(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > *arg1 = 0 ;
npstat::ArrayRange *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ResponseMatrixArrayND" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrixArrayND" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayRange, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ResponseMatrixArrayND" "', argument " "2"" of type '" "npstat::ArrayRange const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrixArrayND" "', argument " "2"" of type '" "npstat::ArrayRange const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayRange * >(argp2);
{
try {
result = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *)new npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >((npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &)*arg1,(npstat::ArrayRange const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrixArrayND__SWIG_17(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ResponseMatrixArrayND" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrixArrayND" "', argument " "1"" of type '" "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ResponseMatrixArrayND" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_ResponseMatrixArrayND" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > > *)new npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >((npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrixArrayND(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[11] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_ResponseMatrixArrayND", 0, 10, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_ResponseMatrixArrayND__SWIG_0(self, argc, argv);
}
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_3(self, argc, argv);
}
}
if (argc == 1) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_4(self, argc, argv);
}
}
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_15(self, argc, argv);
}
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_5(self, argc, argv);
}
}
if (argc == 1) {
int _v;
int res = swig::asptr(argv[0], (std::vector< unsigned int,std::allocator< unsigned int > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_unsigned_int, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_2(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__ArrayRange, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_16(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_6(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_unsigned_int, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_17(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_7(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_8(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_9(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_11(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_12(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_13(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ResponseMatrixArrayND__SWIG_14(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_ResponseMatrixArrayND'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND()\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(npstat::ArrayShape const &)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int const *,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > const &)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > &&)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int,unsigned int)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &,npstat::ArrayRange const &)\n"
" npstat::ArrayND< std::pair< std::vector< unsigned long >,std::vector< double > > >::ArrayND(npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >,1U,10U > const &,unsigned int const *,unsigned int)\n");
return 0;
}
SWIGINTERN PyObject *ResponseMatrixArrayND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayNDT_std__pairT_std__vectorT_unsigned_long_std__allocatorT_unsigned_long_t_t_std__vectorT_double_std__allocatorT_double_t_t_t_1U_10U_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ResponseMatrixArrayND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrix__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::ResponseMatrix *)new npstat::ResponseMatrix();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrix__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayShape *arg1 = 0 ;
npstat::ArrayShape *arg2 = 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
npstat::ResponseMatrix *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
{
std::vector< unsigned int,std::allocator< unsigned int > > *ptr = (std::vector< unsigned int,std::allocator< unsigned int > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ResponseMatrix" "', argument " "1"" of type '" "npstat::ArrayShape const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrix" "', argument " "1"" of type '" "npstat::ArrayShape const &""'");
}
arg1 = ptr;
}
{
std::vector< unsigned int,std::allocator< unsigned int > > *ptr = (std::vector< unsigned int,std::allocator< unsigned int > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ResponseMatrix" "', argument " "2"" of type '" "npstat::ArrayShape const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrix" "', argument " "2"" of type '" "npstat::ArrayShape const &""'");
}
arg2 = ptr;
}
{
try {
result = (npstat::ResponseMatrix *)new npstat::ResponseMatrix((npstat::ArrayShape const &)*arg1,(npstat::ArrayShape const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrix__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ArrayShape *arg1 = 0 ;
npstat::ArrayShape *arg2 = 0 ;
npstat::Matrix< double > *arg3 = 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
void *argp3 = 0 ;
int res3 = 0 ;
npstat::ResponseMatrix *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
{
std::vector< unsigned int,std::allocator< unsigned int > > *ptr = (std::vector< unsigned int,std::allocator< unsigned int > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ResponseMatrix" "', argument " "1"" of type '" "npstat::ArrayShape const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrix" "', argument " "1"" of type '" "npstat::ArrayShape const &""'");
}
arg1 = ptr;
}
{
std::vector< unsigned int,std::allocator< unsigned int > > *ptr = (std::vector< unsigned int,std::allocator< unsigned int > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ResponseMatrix" "', argument " "2"" of type '" "npstat::ArrayShape const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrix" "', argument " "2"" of type '" "npstat::ArrayShape const &""'");
}
arg2 = ptr;
}
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ResponseMatrix" "', argument " "3"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrix" "', argument " "3"" of type '" "npstat::Matrix< double > const &""'");
}
arg3 = reinterpret_cast< npstat::Matrix< double > * >(argp3);
{
try {
result = (npstat::ResponseMatrix *)new npstat::ResponseMatrix((npstat::ArrayShape const &)*arg1,(npstat::ArrayShape const &)*arg2,(npstat::Matrix< double > const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrix__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int *arg1 = (unsigned int *) 0 ;
unsigned int arg2 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
npstat::ResponseMatrix *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_UINT,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (unsigned int*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
try {
result = (npstat::ResponseMatrix *)new npstat::ResponseMatrix((unsigned int const *)arg1,arg2,(unsigned int const *)arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NEW | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrix__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int *arg1 = (unsigned int *) 0 ;
unsigned int arg2 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::Matrix< double > *arg5 = 0 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
npstat::ResponseMatrix *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_UINT,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (unsigned int*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[2], &argp5, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_ResponseMatrix" "', argument " "5"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ResponseMatrix" "', argument " "5"" of type '" "npstat::Matrix< double > const &""'");
}
arg5 = reinterpret_cast< npstat::Matrix< double > * >(argp5);
{
try {
result = (npstat::ResponseMatrix *)new npstat::ResponseMatrix((unsigned int const *)arg1,arg2,(unsigned int const *)arg3,arg4,(npstat::Matrix< double > const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NEW | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ResponseMatrix(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_ResponseMatrix", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_ResponseMatrix__SWIG_0(self, argc, argv);
}
if (argc == 2) {
int _v;
int res = swig::asptr(argv[0], (std::vector< unsigned int,std::allocator< unsigned int > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< unsigned int,std::allocator< unsigned int > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ResponseMatrix__SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
{
_v = is_array(argv[0]) || PySequence_Check(argv[0]);
}
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
if (argc <= 2) {
return _wrap_new_ResponseMatrix__SWIG_3(self, argc, argv);
}
return _wrap_new_ResponseMatrix__SWIG_3(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
int res = swig::asptr(argv[0], (std::vector< unsigned int,std::allocator< unsigned int > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< unsigned int,std::allocator< unsigned int > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ResponseMatrix__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
{
_v = is_array(argv[0]) || PySequence_Check(argv[0]);
}
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ResponseMatrix__SWIG_4(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_ResponseMatrix'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ResponseMatrix::ResponseMatrix()\n"
" npstat::ResponseMatrix::ResponseMatrix(npstat::ArrayShape const &,npstat::ArrayShape const &)\n"
" npstat::ResponseMatrix::ResponseMatrix(npstat::ArrayShape const &,npstat::ArrayShape const &,npstat::Matrix< double > const &)\n"
" npstat::ResponseMatrix::ResponseMatrix(unsigned int const *,unsigned int,unsigned int const *,unsigned int)\n"
" npstat::ResponseMatrix::ResponseMatrix(unsigned int const *,unsigned int,unsigned int const *,unsigned int,npstat::Matrix< double > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_shrinkToFit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_shrinkToFit" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
{
try {
((npstat::ResponseMatrix const *)arg1)->shrinkToFit();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_observedShape(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ArrayShape *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_observedShape" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
{
try {
result = (npstat::ArrayShape *) &((npstat::ResponseMatrix const *)arg1)->observedShape();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< unsigned int,std::allocator< unsigned int > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_observedLength(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_observedLength" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
{
try {
result = (unsigned long)((npstat::ResponseMatrix const *)arg1)->observedLength();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_isValid(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_isValid" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
{
try {
result = (bool)((npstat::ResponseMatrix const *)arg1)->isValid();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_timesVector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
npstat::ArrayND< double > *arg3 = (npstat::ArrayND< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrix_timesVector", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_timesVector" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrix_timesVector" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrix_timesVector" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "ResponseMatrix_timesVector" "', argument " "3"" of type '" "npstat::ArrayND< double > *""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double > * >(argp3);
{
try {
((npstat::ResponseMatrix const *)arg1)->timesVector((npstat::ArrayND< double > const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_rowMultiply(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
npstat::ArrayND< double > *arg3 = (npstat::ArrayND< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrix_rowMultiply", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_rowMultiply" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrix_rowMultiply" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrix_rowMultiply" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "ResponseMatrix_rowMultiply" "', argument " "3"" of type '" "npstat::ArrayND< double > *""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double > * >(argp3);
{
try {
((npstat::ResponseMatrix const *)arg1)->rowMultiply((npstat::ArrayND< double > const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_T(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ResponseMatrix result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_T" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
{
try {
result = ((npstat::ResponseMatrix const *)arg1)->T();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::ResponseMatrix(static_cast< const npstat::ResponseMatrix& >(result))), SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
npstat::ResponseMatrix *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrix___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix___eq__" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrix___eq__" "', argument " "2"" of type '" "npstat::ResponseMatrix const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrix___eq__" "', argument " "2"" of type '" "npstat::ResponseMatrix const &""'");
}
arg2 = reinterpret_cast< npstat::ResponseMatrix * >(argp2);
{
try {
result = (bool)((npstat::ResponseMatrix const *)arg1)->operator ==((npstat::ResponseMatrix const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
npstat::ResponseMatrix *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrix___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix___ne__" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrix___ne__" "', argument " "2"" of type '" "npstat::ResponseMatrix const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrix___ne__" "', argument " "2"" of type '" "npstat::ResponseMatrix const &""'");
}
arg2 = reinterpret_cast< npstat::ResponseMatrix * >(argp2);
{
try {
result = (bool)((npstat::ResponseMatrix const *)arg1)->operator !=((npstat::ResponseMatrix const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_denseMatrix(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::Matrix< double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_denseMatrix" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
{
try {
result = ((npstat::ResponseMatrix const *)arg1)->denseMatrix();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::Matrix< double >(static_cast< const npstat::Matrix< double >& >(result))), SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_linearEfficiency(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrix_linearEfficiency", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_linearEfficiency" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ResponseMatrix_linearEfficiency" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::ResponseMatrix const *)arg1)->linearEfficiency(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_classId" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
{
try {
result = ((npstat::ResponseMatrix const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrix_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_write" "', argument " "1"" of type '" "npstat::ResponseMatrix const *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrix_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrix_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::ResponseMatrix const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrix_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::ResponseMatrix::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrix_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::ResponseMatrix::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ResponseMatrix_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
npstat::ResponseMatrix *arg3 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "ResponseMatrix_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ResponseMatrix_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrix_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ResponseMatrix_restore" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ResponseMatrix_restore" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "ResponseMatrix_restore" "', argument " "3"" of type '" "npstat::ResponseMatrix *""'");
}
arg3 = reinterpret_cast< npstat::ResponseMatrix * >(argp3);
{
try {
npstat::ResponseMatrix::restore((gs::ClassId const &)*arg1,*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ResponseMatrix(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ResponseMatrix" "', argument " "1"" of type '" "npstat::ResponseMatrix *""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ResponseMatrix_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ResponseMatrix, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ResponseMatrix_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_ResponseMatrix(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::ResponseMatrix > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_ResponseMatrix", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_ResponseMatrix" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_ResponseMatrix" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_ResponseMatrix" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_ResponseMatrix" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::ResponseMatrix > *)new gs::ArchiveRecord< npstat::ResponseMatrix >((npstat::ResponseMatrix const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__ResponseMatrix_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_ResponseMatrix(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::ResponseMatrix > *arg1 = (gs::ArchiveRecord< npstat::ResponseMatrix > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__ResponseMatrix_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_ResponseMatrix" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::ResponseMatrix > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::ResponseMatrix > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_ResponseMatrix_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__ResponseMatrix_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_ResponseMatrix_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_110(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::ResponseMatrix > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::ResponseMatrix >((npstat::ResponseMatrix const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::ResponseMatrix >(static_cast< const gs::ArchiveRecord< npstat::ResponseMatrix >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__ResponseMatrix_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_ResponseMatrix__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::ResponseMatrix > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_ResponseMatrix" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ResponseMatrix" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_ResponseMatrix" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::ResponseMatrix > *)new gs::Reference< npstat::ResponseMatrix >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__ResponseMatrix_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_ResponseMatrix__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::ResponseMatrix > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_ResponseMatrix" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ResponseMatrix" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_ResponseMatrix" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_ResponseMatrix" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::ResponseMatrix > *)new gs::Reference< npstat::ResponseMatrix >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__ResponseMatrix_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_ResponseMatrix__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::ResponseMatrix > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_ResponseMatrix" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ResponseMatrix" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_ResponseMatrix" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ResponseMatrix" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_ResponseMatrix" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ResponseMatrix" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::ResponseMatrix > *)new gs::Reference< npstat::ResponseMatrix >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__ResponseMatrix_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_ResponseMatrix(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_ResponseMatrix", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_ResponseMatrix__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_ResponseMatrix__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_ResponseMatrix__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_ResponseMatrix'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::ResponseMatrix >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::ResponseMatrix >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::ResponseMatrix >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_ResponseMatrix_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::ResponseMatrix > *arg1 = (gs::Reference< npstat::ResponseMatrix > *) 0 ;
unsigned long arg2 ;
npstat::ResponseMatrix *arg3 = (npstat::ResponseMatrix *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_ResponseMatrix_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__ResponseMatrix_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_ResponseMatrix_restore" "', argument " "1"" of type '" "gs::Reference< npstat::ResponseMatrix > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::ResponseMatrix > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_ResponseMatrix_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_ResponseMatrix_restore" "', argument " "3"" of type '" "npstat::ResponseMatrix *""'");
}
arg3 = reinterpret_cast< npstat::ResponseMatrix * >(argp3);
{
try {
((gs::Reference< npstat::ResponseMatrix > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_ResponseMatrix_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::ResponseMatrix > *arg1 = (gs::Reference< npstat::ResponseMatrix > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::ResponseMatrix *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_ResponseMatrix_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__ResponseMatrix_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_ResponseMatrix_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::ResponseMatrix > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::ResponseMatrix > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_ResponseMatrix_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::ResponseMatrix *)gs_Reference_Sl_npstat_ResponseMatrix_Sg__retrieve((gs::Reference< npstat::ResponseMatrix > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_ResponseMatrix_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::ResponseMatrix > *arg1 = (gs::Reference< npstat::ResponseMatrix > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::ResponseMatrix result;
if (!SWIG_Python_UnpackTuple(args, "Ref_ResponseMatrix_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__ResponseMatrix_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_ResponseMatrix_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::ResponseMatrix > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::ResponseMatrix > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_ResponseMatrix_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_ResponseMatrix_Sg__getValue((gs::Reference< npstat::ResponseMatrix > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::ResponseMatrix(static_cast< const npstat::ResponseMatrix& >(result))), SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_ResponseMatrix(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::ResponseMatrix > *arg1 = (gs::Reference< npstat::ResponseMatrix > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__ResponseMatrix_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_ResponseMatrix" "', argument " "1"" of type '" "gs::Reference< npstat::ResponseMatrix > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::ResponseMatrix > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_ResponseMatrix_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__ResponseMatrix_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_ResponseMatrix_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_AbsUnfoldND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsUnfoldND" "', argument " "1"" of type '" "npstat::AbsUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_responseMatrix(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ResponseMatrix *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_responseMatrix" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
try {
result = (npstat::ResponseMatrix *) &((npstat::AbsUnfoldND const *)arg1)->responseMatrix();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_efficiency(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ArrayND< double > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_efficiency" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
try {
result = (npstat::ArrayND< double > *) &((npstat::AbsUnfoldND const *)arg1)->efficiency();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_setInitialApproximation(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfoldND_setInitialApproximation", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_setInitialApproximation" "', argument " "1"" of type '" "npstat::AbsUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_setInitialApproximation" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_setInitialApproximation" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
{
try {
(arg1)->setInitialApproximation((npstat::ArrayND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_clearInitialApproximation(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_clearInitialApproximation" "', argument " "1"" of type '" "npstat::AbsUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
try {
(arg1)->clearInitialApproximation();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_getInitialApproximation(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ArrayND< double > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_getInitialApproximation" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
try {
result = (npstat::ArrayND< double > *) &((npstat::AbsUnfoldND const *)arg1)->getInitialApproximation();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_setFilter(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::AbsUnfoldingFilterND *arg2 = (npstat::AbsUnfoldingFilterND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfoldND_setFilter", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_setFilter" "', argument " "1"" of type '" "npstat::AbsUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_npstat__AbsUnfoldingFilterND, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_setFilter" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const *""'");
}
arg2 = reinterpret_cast< npstat::AbsUnfoldingFilterND * >(argp2);
{
try {
(arg1)->setFilter((npstat::AbsUnfoldingFilterND const *)arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_getFilter__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
npstat::AbsUnfoldingFilterND *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_getFilter" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsUnfoldND_getFilter" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
result = (npstat::AbsUnfoldingFilterND *)((npstat::AbsUnfoldND const *)arg1)->getFilter(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsUnfoldingFilterND, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_getFilter__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::AbsUnfoldingFilterND *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_getFilter" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
try {
result = (npstat::AbsUnfoldingFilterND *)((npstat::AbsUnfoldND const *)arg1)->getFilter();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsUnfoldingFilterND, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_getFilter(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsUnfoldND_getFilter", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfoldND_getFilter__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_AbsUnfoldND_getFilter__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsUnfoldND_getFilter'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsUnfoldND::getFilter(bool) const\n"
" npstat::AbsUnfoldND::getFilter() const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_useConvolutions(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfoldND_useConvolutions", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_useConvolutions" "', argument " "1"" of type '" "npstat::AbsUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsUnfoldND_useConvolutions" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useConvolutions(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_usingConvolutions(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_usingConvolutions" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
try {
result = (bool)((npstat::AbsUnfoldND const *)arg1)->usingConvolutions();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_getObservedShape(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ArrayShape result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_getObservedShape" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
try {
result = ((npstat::AbsUnfoldND const *)arg1)->getObservedShape();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< unsigned int,std::allocator< unsigned int > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_getUnfoldedShape(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ArrayShape result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_getUnfoldedShape" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
try {
result = ((npstat::AbsUnfoldND const *)arg1)->getUnfoldedShape();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< unsigned int,std::allocator< unsigned int > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_validateUnfoldedShape__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_validateUnfoldedShape" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_validateUnfoldedShape" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_validateUnfoldedShape" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
{
try {
((npstat::AbsUnfoldND const *)arg1)->validateUnfoldedShape((npstat::ArrayND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_validateUnfoldedShape__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayShape *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_validateUnfoldedShape" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
std::vector< unsigned int,std::allocator< unsigned int > > *ptr = (std::vector< unsigned int,std::allocator< unsigned int > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_validateUnfoldedShape" "', argument " "2"" of type '" "npstat::ArrayShape const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_validateUnfoldedShape" "', argument " "2"" of type '" "npstat::ArrayShape const &""'");
}
arg2 = ptr;
}
{
try {
((npstat::AbsUnfoldND const *)arg1)->validateUnfoldedShape((npstat::ArrayShape const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_validateUnfoldedShape(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsUnfoldND_validateUnfoldedShape", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfoldND_validateUnfoldedShape__SWIG_0(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< unsigned int,std::allocator< unsigned int > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfoldND_validateUnfoldedShape__SWIG_1(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsUnfoldND_validateUnfoldedShape'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsUnfoldND::validateUnfoldedShape(npstat::ArrayND< double > const &) const\n"
" npstat::AbsUnfoldND::validateUnfoldedShape(npstat::ArrayShape const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_validateObservedShape__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_validateObservedShape" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_validateObservedShape" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_validateObservedShape" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
{
try {
((npstat::AbsUnfoldND const *)arg1)->validateObservedShape((npstat::ArrayND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_validateObservedShape__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayShape *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_validateObservedShape" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
{
std::vector< unsigned int,std::allocator< unsigned int > > *ptr = (std::vector< unsigned int,std::allocator< unsigned int > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_validateObservedShape" "', argument " "2"" of type '" "npstat::ArrayShape const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_validateObservedShape" "', argument " "2"" of type '" "npstat::ArrayShape const &""'");
}
arg2 = ptr;
}
{
try {
((npstat::AbsUnfoldND const *)arg1)->validateObservedShape((npstat::ArrayShape const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_validateObservedShape(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsUnfoldND_validateObservedShape", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfoldND_validateObservedShape__SWIG_0(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< unsigned int,std::allocator< unsigned int > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfoldND_validateObservedShape__SWIG_1(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsUnfoldND_validateObservedShape'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsUnfoldND::validateObservedShape(npstat::ArrayND< double > const &) const\n"
" npstat::AbsUnfoldND::validateObservedShape(npstat::ArrayShape const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_probDelta(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayND< double > *arg1 = 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfoldND_probDelta", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_probDelta" "', argument " "1"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_probDelta" "', argument " "1"" of type '" "npstat::ArrayND< double > const &""'");
}
arg1 = reinterpret_cast< npstat::ArrayND< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_probDelta" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_probDelta" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
{
try {
result = (double)npstat::AbsUnfoldND::probDelta((npstat::ArrayND< double > const &)*arg1,(npstat::ArrayND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_unfold__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
npstat::Matrix< double > *arg3 = (npstat::Matrix< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
npstat::ArrayND< double > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_unfold" "', argument " "1"" of type '" "npstat::AbsUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_unfold" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_unfold" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "AbsUnfoldND_unfold" "', argument " "3"" of type '" "npstat::Matrix< double > *""'");
}
arg3 = reinterpret_cast< npstat::Matrix< double > * >(argp3);
{
try {
result = (npstat::ArrayND< double > *)(arg1)->unfold2((npstat::ArrayND< double > const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_unfold__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
npstat::Matrix< double > *arg3 = 0 ;
npstat::Matrix< double > *arg4 = (npstat::Matrix< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
npstat::ArrayND< double > *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_unfold" "', argument " "1"" of type '" "npstat::AbsUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_unfold" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_unfold" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "AbsUnfoldND_unfold" "', argument " "3"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_unfold" "', argument " "3"" of type '" "npstat::Matrix< double > const &""'");
}
arg3 = reinterpret_cast< npstat::Matrix< double > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "AbsUnfoldND_unfold" "', argument " "4"" of type '" "npstat::Matrix< double > *""'");
}
arg4 = reinterpret_cast< npstat::Matrix< double > * >(argp4);
{
try {
result = (npstat::ArrayND< double > *)(arg1)->unfold2((npstat::ArrayND< double > const &)*arg2,(npstat::Matrix< double > const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_unfold(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsUnfoldND_unfold", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[2], &vptr, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfoldND_unfold__SWIG_0(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfoldND_unfold__SWIG_1(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsUnfoldND_unfold'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsUnfoldND::unfold2(npstat::ArrayND< double > const &,npstat::Matrix< double > *)\n"
" npstat::AbsUnfoldND::unfold2(npstat::ArrayND< double > const &,npstat::Matrix< double > const &,npstat::Matrix< double > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_unfoldNoCov__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
npstat::ArrayND< double > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_unfoldNoCov" "', argument " "1"" of type '" "npstat::AbsUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_unfoldNoCov" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_unfoldNoCov" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
{
try {
result = (npstat::ArrayND< double > *)(arg1)->unfoldNoCov((npstat::ArrayND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_unfoldNoCov__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
npstat::Matrix< double > *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
npstat::ArrayND< double > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_unfoldNoCov" "', argument " "1"" of type '" "npstat::AbsUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_unfoldNoCov" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_unfoldNoCov" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "AbsUnfoldND_unfoldNoCov" "', argument " "3"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_unfoldNoCov" "', argument " "3"" of type '" "npstat::Matrix< double > const &""'");
}
arg3 = reinterpret_cast< npstat::Matrix< double > * >(argp3);
{
try {
result = (npstat::ArrayND< double > *)(arg1)->unfoldNoCov((npstat::ArrayND< double > const &)*arg2,(npstat::Matrix< double > const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_unfoldNoCov(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsUnfoldND_unfoldNoCov", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfoldND_unfoldNoCov__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfoldND, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfoldND_unfoldNoCov__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsUnfoldND_unfoldNoCov'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsUnfoldND::unfoldNoCov(npstat::ArrayND< double > const &)\n"
" npstat::AbsUnfoldND::unfoldNoCov(npstat::ArrayND< double > const &,npstat::Matrix< double > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsUnfoldND_fold(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfoldND *arg1 = (npstat::AbsUnfoldND *) 0 ;
npstat::ArrayND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::ArrayND< double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfoldND_fold", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfoldND_fold" "', argument " "1"" of type '" "npstat::AbsUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfoldND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfoldND_fold" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfoldND_fold" "', argument " "2"" of type '" "npstat::ArrayND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::ArrayND< double > * >(argp2);
{
try {
result = (npstat::ArrayND< double > *)((npstat::AbsUnfoldND const *)arg1)->fold((npstat::ArrayND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *AbsUnfoldND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsUnfoldND, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfoldND__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = 0 ;
npstat::AbsUnfoldingFilterND *arg2 = 0 ;
bool arg3 ;
bool arg4 ;
bool arg5 ;
double arg6 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
bool val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
npstat::SmoothedEMUnfoldND *result = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
arg2 = reinterpret_cast< npstat::AbsUnfoldingFilterND * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfoldND" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
ecode4 = SWIG_AsVal_bool(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SmoothedEMUnfoldND" "', argument " "4"" of type '" "bool""'");
}
arg4 = static_cast< bool >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_SmoothedEMUnfoldND" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_SmoothedEMUnfoldND" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_SmoothedEMUnfoldND" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::SmoothedEMUnfoldND *)new npstat::SmoothedEMUnfoldND((npstat::ResponseMatrix const &)*arg1,(npstat::AbsUnfoldingFilterND const &)*arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfoldND, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfoldND__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = 0 ;
npstat::AbsUnfoldingFilterND *arg2 = 0 ;
bool arg3 ;
bool arg4 ;
bool arg5 ;
double arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
bool val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
npstat::SmoothedEMUnfoldND *result = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
arg2 = reinterpret_cast< npstat::AbsUnfoldingFilterND * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfoldND" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
ecode4 = SWIG_AsVal_bool(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SmoothedEMUnfoldND" "', argument " "4"" of type '" "bool""'");
}
arg4 = static_cast< bool >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_SmoothedEMUnfoldND" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_SmoothedEMUnfoldND" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
{
try {
result = (npstat::SmoothedEMUnfoldND *)new npstat::SmoothedEMUnfoldND((npstat::ResponseMatrix const &)*arg1,(npstat::AbsUnfoldingFilterND const &)*arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfoldND, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfoldND__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = 0 ;
npstat::AbsUnfoldingFilterND *arg2 = 0 ;
bool arg3 ;
bool arg4 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
bool val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
npstat::SmoothedEMUnfoldND *result = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
arg2 = reinterpret_cast< npstat::AbsUnfoldingFilterND * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfoldND" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
ecode4 = SWIG_AsVal_bool(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SmoothedEMUnfoldND" "', argument " "4"" of type '" "bool""'");
}
arg4 = static_cast< bool >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_SmoothedEMUnfoldND" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (npstat::SmoothedEMUnfoldND *)new npstat::SmoothedEMUnfoldND((npstat::ResponseMatrix const &)*arg1,(npstat::AbsUnfoldingFilterND const &)*arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfoldND, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfoldND__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = 0 ;
npstat::AbsUnfoldingFilterND *arg2 = 0 ;
bool arg3 ;
bool arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
bool val4 ;
int ecode4 = 0 ;
npstat::SmoothedEMUnfoldND *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
arg2 = reinterpret_cast< npstat::AbsUnfoldingFilterND * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfoldND" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
ecode4 = SWIG_AsVal_bool(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SmoothedEMUnfoldND" "', argument " "4"" of type '" "bool""'");
}
arg4 = static_cast< bool >(val4);
{
try {
result = (npstat::SmoothedEMUnfoldND *)new npstat::SmoothedEMUnfoldND((npstat::ResponseMatrix const &)*arg1,(npstat::AbsUnfoldingFilterND const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfoldND, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfoldND__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ResponseMatrix *arg1 = 0 ;
npstat::AbsUnfoldingFilterND *arg2 = 0 ;
bool arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
npstat::SmoothedEMUnfoldND *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ResponseMatrix, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::ResponseMatrix const &""'");
}
arg1 = reinterpret_cast< npstat::ResponseMatrix * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfoldND" "', argument " "2"" of type '" "npstat::AbsUnfoldingFilterND const &""'");
}
arg2 = reinterpret_cast< npstat::AbsUnfoldingFilterND * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfoldND" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
{
try {
result = (npstat::SmoothedEMUnfoldND *)new npstat::SmoothedEMUnfoldND((npstat::ResponseMatrix const &)*arg1,(npstat::AbsUnfoldingFilterND const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfoldND, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfoldND(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[8] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_SmoothedEMUnfoldND", 0, 7, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfoldND__SWIG_4(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfoldND__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfoldND__SWIG_2(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfoldND__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ResponseMatrix, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsUnfoldingFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfoldND__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_SmoothedEMUnfoldND'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::SmoothedEMUnfoldND::SmoothedEMUnfoldND(npstat::ResponseMatrix const &,npstat::AbsUnfoldingFilterND const &,bool,bool,bool,double,unsigned int)\n"
" npstat::SmoothedEMUnfoldND::SmoothedEMUnfoldND(npstat::ResponseMatrix const &,npstat::AbsUnfoldingFilterND const &,bool,bool,bool,double)\n"
" npstat::SmoothedEMUnfoldND::SmoothedEMUnfoldND(npstat::ResponseMatrix const &,npstat::AbsUnfoldingFilterND const &,bool,bool,bool)\n"
" npstat::SmoothedEMUnfoldND::SmoothedEMUnfoldND(npstat::ResponseMatrix const &,npstat::AbsUnfoldingFilterND const &,bool,bool)\n"
" npstat::SmoothedEMUnfoldND::SmoothedEMUnfoldND(npstat::ResponseMatrix const &,npstat::AbsUnfoldingFilterND const &,bool)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_SmoothedEMUnfoldND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_SmoothedEMUnfoldND" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_setMaxIterations(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "SmoothedEMUnfoldND_setMaxIterations", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_setMaxIterations" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SmoothedEMUnfoldND_setMaxIterations" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
(arg1)->setMaxIterations(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_useMultinomialCovariance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "SmoothedEMUnfoldND_useMultinomialCovariance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_useMultinomialCovariance" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SmoothedEMUnfoldND_useMultinomialCovariance" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMultinomialCovariance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_smoothLastIteration(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "SmoothedEMUnfoldND_smoothLastIteration", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_smoothLastIteration" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SmoothedEMUnfoldND_smoothLastIteration" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->smoothLastIteration(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_setConvergenceEpsilon(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "SmoothedEMUnfoldND_setConvergenceEpsilon", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_setConvergenceEpsilon" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SmoothedEMUnfoldND_setConvergenceEpsilon" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setConvergenceEpsilon(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_convergenceEpsilon(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_convergenceEpsilon" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
{
try {
result = (double)((npstat::SmoothedEMUnfoldND const *)arg1)->convergenceEpsilon();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_maxIterations(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_maxIterations" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
{
try {
result = (unsigned int)((npstat::SmoothedEMUnfoldND const *)arg1)->maxIterations();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_usingMultinomialCovariance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_usingMultinomialCovariance" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
{
try {
result = (bool)((npstat::SmoothedEMUnfoldND const *)arg1)->usingMultinomialCovariance();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_smoothingLastIteration(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_smoothingLastIteration" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
{
try {
result = (bool)((npstat::SmoothedEMUnfoldND const *)arg1)->smoothingLastIteration();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_lastNIterations(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_lastNIterations" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
{
try {
result = (unsigned int)((npstat::SmoothedEMUnfoldND const *)arg1)->lastNIterations();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_lastEPIterations(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_lastEPIterations" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
{
try {
result = (unsigned int)((npstat::SmoothedEMUnfoldND const *)arg1)->lastEPIterations();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfoldND_lastSmoothingNormfactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfoldND *arg1 = (npstat::SmoothedEMUnfoldND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfoldND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfoldND_lastSmoothingNormfactor" "', argument " "1"" of type '" "npstat::SmoothedEMUnfoldND const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfoldND * >(argp1);
{
try {
result = (double)((npstat::SmoothedEMUnfoldND const *)arg1)->lastSmoothingNormfactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *SmoothedEMUnfoldND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__SmoothedEMUnfoldND, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *SmoothedEMUnfoldND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::vector< double > > *arg1 = (npstat::AbsDistro1DBuilder< std::vector< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__vectorT_double_std__allocatorT_double_t_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::vector< double > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::vector< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::vector< double > > *arg1 = (npstat::AbsDistro1DBuilder< std::vector< double > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::vector< double,std::allocator< double > >::value_type,std::allocator< std::vector< double,std::allocator< double > >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::vector< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::vector< double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder_build" "', argument " "6"" of type '" "std::vector< std::vector< double,std::allocator< double > >::value_type,std::allocator< std::vector< double,std::allocator< double > >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder_build" "', argument " "6"" of type '" "std::vector< std::vector< double,std::allocator< double > >::value_type,std::allocator< std::vector< double,std::allocator< double > >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::vector< double,std::allocator< double > >::value_type,std::allocator< std::vector< double,std::allocator< double > >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::vector< double > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::vector< double > > *arg1 = (npstat::AbsDistro1DBuilder< std::vector< double > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::vector< double > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__vectorT_double_std__allocatorT_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::vector< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::vector< double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__vectorT_double_std__allocatorT_double_t_t_const_p_double_t_std__allocatorT_std__pairT_std__vectorT_double_std__allocatorT_double_t_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::vector< double > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::vector< double > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::vector< double > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::vector< double > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::vector< double > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__vectorT_double_std__allocatorT_double_t_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder2D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,2U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,2U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder2D" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,2U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder2D_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,2U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,2U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::array< double,2U >::value_type,std::allocator< std::array< double,2U >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder2D_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder2D_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,2U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder2D_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder2D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder2D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder2D_build" "', argument " "6"" of type '" "std::vector< std::array< double,2U >::value_type,std::allocator< std::array< double,2U >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder2D_build" "', argument " "6"" of type '" "std::vector< std::array< double,2U >::value_type,std::allocator< std::array< double,2U >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::array< double,2U >::value_type,std::allocator< std::array< double,2U >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,2U > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder2D_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,2U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,2U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::array< double,2U > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder2D_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder2D_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,2U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder2D_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder2D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder2D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__arrayT_double_2U_t_const_p_double_t_std__allocatorT_std__pairT_std__arrayT_double_2U_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder2D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder2D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,2U > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder2D_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,2U > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::array< double,2U > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder2D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder3D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,3U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,3U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder3D" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,3U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder3D_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,3U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,3U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::array< double,3U >::value_type,std::allocator< std::array< double,3U >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder3D_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder3D_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,3U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder3D_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder3D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder3D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder3D_build" "', argument " "6"" of type '" "std::vector< std::array< double,3U >::value_type,std::allocator< std::array< double,3U >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder3D_build" "', argument " "6"" of type '" "std::vector< std::array< double,3U >::value_type,std::allocator< std::array< double,3U >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::array< double,3U >::value_type,std::allocator< std::array< double,3U >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,3U > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder3D_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,3U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,3U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::array< double,3U > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder3D_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder3D_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,3U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder3D_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder3D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder3D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__arrayT_double_3U_t_const_p_double_t_std__allocatorT_std__pairT_std__arrayT_double_3U_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder3D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder3D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,3U > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder3D_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,3U > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::array< double,3U > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder3D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder4D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,4U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,4U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder4D" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,4U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder4D_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,4U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,4U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::array< double,4U >::value_type,std::allocator< std::array< double,4U >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder4D_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder4D_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,4U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder4D_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder4D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder4D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder4D_build" "', argument " "6"" of type '" "std::vector< std::array< double,4U >::value_type,std::allocator< std::array< double,4U >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder4D_build" "', argument " "6"" of type '" "std::vector< std::array< double,4U >::value_type,std::allocator< std::array< double,4U >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::array< double,4U >::value_type,std::allocator< std::array< double,4U >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,4U > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder4D_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,4U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,4U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::array< double,4U > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder4D_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder4D_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,4U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder4D_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder4D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder4D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__arrayT_double_4U_t_const_p_double_t_std__allocatorT_std__pairT_std__arrayT_double_4U_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder4D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder4D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,4U > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder4D_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,4U > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::array< double,4U > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder4D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder5D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,5U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,5U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder5D" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,5U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder5D_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,5U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,5U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::array< double,5U >::value_type,std::allocator< std::array< double,5U >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder5D_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder5D_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,5U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder5D_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder5D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder5D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder5D_build" "', argument " "6"" of type '" "std::vector< std::array< double,5U >::value_type,std::allocator< std::array< double,5U >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder5D_build" "', argument " "6"" of type '" "std::vector< std::array< double,5U >::value_type,std::allocator< std::array< double,5U >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::array< double,5U >::value_type,std::allocator< std::array< double,5U >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,5U > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder5D_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,5U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,5U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::array< double,5U > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder5D_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder5D_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,5U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder5D_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder5D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder5D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__arrayT_double_5U_t_const_p_double_t_std__allocatorT_std__pairT_std__arrayT_double_5U_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder5D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder5D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,5U > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder5D_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,5U > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::array< double,5U > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder5D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder6D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,6U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,6U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder6D" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,6U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder6D_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,6U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,6U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::array< double,6U >::value_type,std::allocator< std::array< double,6U >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder6D_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder6D_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,6U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder6D_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder6D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder6D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder6D_build" "', argument " "6"" of type '" "std::vector< std::array< double,6U >::value_type,std::allocator< std::array< double,6U >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder6D_build" "', argument " "6"" of type '" "std::vector< std::array< double,6U >::value_type,std::allocator< std::array< double,6U >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::array< double,6U >::value_type,std::allocator< std::array< double,6U >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,6U > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder6D_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,6U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,6U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::array< double,6U > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder6D_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder6D_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,6U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder6D_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder6D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder6D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__arrayT_double_6U_t_const_p_double_t_std__allocatorT_std__pairT_std__arrayT_double_6U_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder6D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder6D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,6U > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder6D_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,6U > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::array< double,6U > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder6D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder7D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,7U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,7U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder7D" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,7U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder7D_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,7U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,7U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::array< double,7U >::value_type,std::allocator< std::array< double,7U >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder7D_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder7D_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,7U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder7D_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder7D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder7D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder7D_build" "', argument " "6"" of type '" "std::vector< std::array< double,7U >::value_type,std::allocator< std::array< double,7U >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder7D_build" "', argument " "6"" of type '" "std::vector< std::array< double,7U >::value_type,std::allocator< std::array< double,7U >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::array< double,7U >::value_type,std::allocator< std::array< double,7U >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,7U > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder7D_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,7U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,7U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::array< double,7U > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder7D_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder7D_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,7U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder7D_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder7D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder7D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__arrayT_double_7U_t_const_p_double_t_std__allocatorT_std__pairT_std__arrayT_double_7U_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder7D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder7D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,7U > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder7D_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,7U > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::array< double,7U > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder7D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder8D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,8U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,8U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_8U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder8D" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,8U > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,8U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder8D_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,8U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,8U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::array< double,8U >::value_type,std::allocator< std::array< double,8U >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder8D_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_8U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder8D_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,8U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,8U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder8D_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder8D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder8D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder8D_build" "', argument " "6"" of type '" "std::vector< std::array< double,8U >::value_type,std::allocator< std::array< double,8U >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder8D_build" "', argument " "6"" of type '" "std::vector< std::array< double,8U >::value_type,std::allocator< std::array< double,8U >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::array< double,8U >::value_type,std::allocator< std::array< double,8U >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,8U > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder8D_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,8U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,8U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::array< double,8U > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder8D_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_8U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder8D_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,8U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,8U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder8D_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder8D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder8D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__arrayT_double_8U_t_const_p_double_t_std__allocatorT_std__pairT_std__arrayT_double_8U_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder8D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,8U > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder8D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,8U > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,8U > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder8D_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,8U > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::array< double,8U > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder8D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_8U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder9D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,9U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,9U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_9U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder9D" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,9U > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,9U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder9D_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,9U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,9U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::array< double,9U >::value_type,std::allocator< std::array< double,9U >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder9D_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_9U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder9D_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,9U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,9U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder9D_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder9D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder9D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder9D_build" "', argument " "6"" of type '" "std::vector< std::array< double,9U >::value_type,std::allocator< std::array< double,9U >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder9D_build" "', argument " "6"" of type '" "std::vector< std::array< double,9U >::value_type,std::allocator< std::array< double,9U >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::array< double,9U >::value_type,std::allocator< std::array< double,9U >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,9U > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder9D_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,9U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,9U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::array< double,9U > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder9D_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_9U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder9D_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,9U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,9U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder9D_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder9D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder9D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__arrayT_double_9U_t_const_p_double_t_std__allocatorT_std__pairT_std__arrayT_double_9U_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder9D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,9U > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder9D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,9U > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,9U > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder9D_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,9U > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::array< double,9U > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder9D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_9U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDistro1DBuilder10D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,10U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,10U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDistro1DBuilder10D" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,10U > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,10U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder10D_build(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,10U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,10U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
std::vector< std::array< double,10U >::value_type,std::allocator< std::array< double,10U >::value_type > > *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[5] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder10D_build", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder10D_build" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,10U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,10U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder10D_build" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder10D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder10D_build" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_double_std__allocatorT_double_t_t, 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder10D_build" "', argument " "6"" of type '" "std::vector< std::array< double,10U >::value_type,std::allocator< std::array< double,10U >::value_type > > &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder10D_build" "', argument " "6"" of type '" "std::vector< std::array< double,10U >::value_type,std::allocator< std::array< double,10U >::value_type > > &""'");
}
arg6 = reinterpret_cast< std::vector< std::array< double,10U >::value_type,std::allocator< std::array< double,10U >::value_type > > * >(argp6);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,10U > > const *)arg1)->build(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDistro1DBuilder10D_buildWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistro1DBuilder< std::array< double,10U > > *arg1 = (npstat::AbsDistro1DBuilder< std::array< double,10U > > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = 0 ;
npstat::AbsDistro1DBuilder< std::array< double,10U > >::WeightedPtrVec *arg6 = 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[6] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDistro1DBuilder10D_buildWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDistro1DBuilder10D_buildWeighted" "', argument " "1"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,10U > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,10U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDistro1DBuilder10D_buildWeighted" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsDistro1DBuilder10D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder10D_buildWeighted" "', argument " "5"" of type '" "npstat::BoxND< double > const &""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[4], &argp6, SWIGTYPE_p_std__vectorT_std__pairT_std__arrayT_double_10U_t_const_p_double_t_std__allocatorT_std__pairT_std__arrayT_double_10U_t_const_p_double_t_t_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "AbsDistro1DBuilder10D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,10U > >::WeightedPtrVec const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDistro1DBuilder10D_buildWeighted" "', argument " "6"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,10U > >::WeightedPtrVec const &""'");
}
arg6 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,10U > >::WeightedPtrVec * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsDistro1DBuilder10D_buildWeighted" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::AbsDistro1DBuilder< std::array< double,10U > > const *)arg1)->buildWeighted(arg2,(double const *)arg3,arg4,(npstat::BoxND< double > const &)*arg5,(npstat::AbsDistro1DBuilder< std::array< double,10U > >::WeightedPtrVec const &)*arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsDistro1DBuilder10D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_new_LOrPEWeightsLocalConvergence(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
bool arg3 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::LOrPEWeightsLocalConvergence *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LOrPEWeightsLocalConvergence", 3, 3, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_LOrPEWeightsLocalConvergence" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_LOrPEWeightsLocalConvergence" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_LOrPEWeightsLocalConvergence" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
{
try {
result = (npstat::LOrPEWeightsLocalConvergence *)new npstat::LOrPEWeightsLocalConvergence(arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsLocalConvergence_tol(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsLocalConvergence *arg1 = (npstat::LOrPEWeightsLocalConvergence *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsLocalConvergence_tol" "', argument " "1"" of type '" "npstat::LOrPEWeightsLocalConvergence const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp1);
{
try {
result = (double)((npstat::LOrPEWeightsLocalConvergence const *)arg1)->tol();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsLocalConvergence_normPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsLocalConvergence *arg1 = (npstat::LOrPEWeightsLocalConvergence *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsLocalConvergence_normPower" "', argument " "1"" of type '" "npstat::LOrPEWeightsLocalConvergence const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp1);
{
try {
result = (double)((npstat::LOrPEWeightsLocalConvergence const *)arg1)->normPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsLocalConvergence_checkingConVergenceForDensity(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsLocalConvergence *arg1 = (npstat::LOrPEWeightsLocalConvergence *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsLocalConvergence_checkingConVergenceForDensity" "', argument " "1"" of type '" "npstat::LOrPEWeightsLocalConvergence const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp1);
{
try {
result = (bool)((npstat::LOrPEWeightsLocalConvergence const *)arg1)->checkingConVergenceForDensity();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LOrPEWeightsLocalConvergence(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsLocalConvergence *arg1 = (npstat::LOrPEWeightsLocalConvergence *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LOrPEWeightsLocalConvergence" "', argument " "1"" of type '" "npstat::LOrPEWeightsLocalConvergence *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LOrPEWeightsLocalConvergence_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LOrPEWeightsLocalConvergence_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LOrPECopulaSmoother_10(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int *arg1 = (unsigned int *) 0 ;
unsigned int arg2 ;
double arg3 ;
unsigned int arg4 ;
npstat::AbsDistributionND *arg5 = 0 ;
double *arg6 = (double *) 0 ;
unsigned int arg7 ;
double arg8 ;
npstat::LOrPECopulaSmoother< 10U >::Base::CVCalc *arg9 = (npstat::LOrPECopulaSmoother< 10U >::Base::CVCalc *) 0 ;
bool arg10 ;
double arg11 ;
unsigned int arg12 ;
bool arg13 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyArrayObject *array6 = NULL ;
int is_new_object6 = 0 ;
double val8 ;
int ecode8 = 0 ;
void *argp9 = 0 ;
int res9 = 0 ;
bool val10 ;
int ecode10 = 0 ;
double val11 ;
int ecode11 = 0 ;
unsigned int val12 ;
int ecode12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
PyObject *swig_obj[11] ;
npstat::LOrPECopulaSmoother< 10U > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LOrPECopulaSmoother_10", 11, 11, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_UINT,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (unsigned int*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_double(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_LOrPECopulaSmoother_10" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_LOrPECopulaSmoother_10" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_LOrPECopulaSmoother_10" "', argument " "5"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPECopulaSmoother_10" "', argument " "5"" of type '" "npstat::AbsDistributionND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsDistributionND * >(argp5);
{
npy_intp size[1] = {
-1
};
array6 = obj_to_array_contiguous_allow_conversion(swig_obj[4],
NPY_DOUBLE,
&is_new_object6);
if (!array6 || !require_dimensions(array6, 1) ||
!require_size(array6, size, 1)) SWIG_fail;
arg6 = (double*) array_data(array6);
arg7 = (int) array_size(array6,0);
}
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_LOrPECopulaSmoother_10" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
res9 = SWIG_ConvertPtr(swig_obj[6], &argp9,SWIGTYPE_p_npstat__AbsBandwidthCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "new_LOrPECopulaSmoother_10" "', argument " "9"" of type '" "npstat::LOrPECopulaSmoother< 10U >::Base::CVCalc const *""'");
}
arg9 = reinterpret_cast< npstat::LOrPECopulaSmoother< 10U >::Base::CVCalc * >(argp9);
ecode10 = SWIG_AsVal_bool(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_LOrPECopulaSmoother_10" "', argument " "10"" of type '" "bool""'");
}
arg10 = static_cast< bool >(val10);
ecode11 = SWIG_AsVal_double(swig_obj[8], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_LOrPECopulaSmoother_10" "', argument " "11"" of type '" "double""'");
}
arg11 = static_cast< double >(val11);
ecode12 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "new_LOrPECopulaSmoother_10" "', argument " "12"" of type '" "unsigned int""'");
}
arg12 = static_cast< unsigned int >(val12);
ecode13 = SWIG_AsVal_bool(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_LOrPECopulaSmoother_10" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::LOrPECopulaSmoother< 10U > *)new npstat::LOrPECopulaSmoother< 10U >((unsigned int const *)arg1,arg2,arg3,arg4,(npstat::AbsDistributionND const &)*arg5,(double const *)arg6,arg7,arg8,(npstat::LOrPECopulaSmoother< 10U >::Base::CVCalc const *)arg9,arg10,arg11,arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPECopulaSmootherT_10U_t, SWIG_POINTER_NEW | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object6 && array6)
{
Py_DECREF(array6);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object6 && array6)
{
Py_DECREF(array6);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LOrPECopulaSmoother_10(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPECopulaSmoother< 10U > *arg1 = (npstat::LOrPECopulaSmoother< 10U > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPECopulaSmootherT_10U_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LOrPECopulaSmoother_10" "', argument " "1"" of type '" "npstat::LOrPECopulaSmoother< 10U > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPECopulaSmoother< 10U > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LOrPECopulaSmoother_10_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPECopulaSmootherT_10U_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LOrPECopulaSmoother_10_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UGaussConvolution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
npstat::UGaussConvolution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UGaussConvolution1D", 4, 4, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_UGaussConvolution1D" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_UGaussConvolution1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_UGaussConvolution1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_UGaussConvolution1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::UGaussConvolution1D *)new npstat::UGaussConvolution1D(arg1,arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__UGaussConvolution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UGaussConvolution1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UGaussConvolution1D *arg1 = (npstat::UGaussConvolution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::UGaussConvolution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UGaussConvolution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UGaussConvolution1D_clone" "', argument " "1"" of type '" "npstat::UGaussConvolution1D const *""'");
}
arg1 = reinterpret_cast< npstat::UGaussConvolution1D * >(argp1);
{
try {
result = (npstat::UGaussConvolution1D *)((npstat::UGaussConvolution1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__UGaussConvolution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_UGaussConvolution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UGaussConvolution1D *arg1 = (npstat::UGaussConvolution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UGaussConvolution1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UGaussConvolution1D" "', argument " "1"" of type '" "npstat::UGaussConvolution1D *""'");
}
arg1 = reinterpret_cast< npstat::UGaussConvolution1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UGaussConvolution1D_leftEdge(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UGaussConvolution1D *arg1 = (npstat::UGaussConvolution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UGaussConvolution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UGaussConvolution1D_leftEdge" "', argument " "1"" of type '" "npstat::UGaussConvolution1D const *""'");
}
arg1 = reinterpret_cast< npstat::UGaussConvolution1D * >(argp1);
{
try {
result = (double)((npstat::UGaussConvolution1D const *)arg1)->leftEdge();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UGaussConvolution1D_uniformWidth(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UGaussConvolution1D *arg1 = (npstat::UGaussConvolution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UGaussConvolution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UGaussConvolution1D_uniformWidth" "', argument " "1"" of type '" "npstat::UGaussConvolution1D const *""'");
}
arg1 = reinterpret_cast< npstat::UGaussConvolution1D * >(argp1);
{
try {
result = (double)((npstat::UGaussConvolution1D const *)arg1)->uniformWidth();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UGaussConvolution1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UGaussConvolution1D *arg1 = (npstat::UGaussConvolution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UGaussConvolution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UGaussConvolution1D_classId" "', argument " "1"" of type '" "npstat::UGaussConvolution1D const *""'");
}
arg1 = reinterpret_cast< npstat::UGaussConvolution1D * >(argp1);
{
try {
result = ((npstat::UGaussConvolution1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UGaussConvolution1D_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UGaussConvolution1D *arg1 = (npstat::UGaussConvolution1D *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "UGaussConvolution1D_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UGaussConvolution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UGaussConvolution1D_write" "', argument " "1"" of type '" "npstat::UGaussConvolution1D const *""'");
}
arg1 = reinterpret_cast< npstat::UGaussConvolution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UGaussConvolution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UGaussConvolution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::UGaussConvolution1D const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UGaussConvolution1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "UGaussConvolution1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::UGaussConvolution1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UGaussConvolution1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "UGaussConvolution1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::UGaussConvolution1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UGaussConvolution1D_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::UGaussConvolution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "UGaussConvolution1D_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UGaussConvolution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UGaussConvolution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UGaussConvolution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UGaussConvolution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::UGaussConvolution1D *)npstat::UGaussConvolution1D::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__UGaussConvolution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UGaussConvolution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__UGaussConvolution1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UGaussConvolution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LOrPE1DSymbetaKernel__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
npstat::BoundaryHandling *arg5 = 0 ;
bool arg6 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
npstat::LOrPE1DSymbetaKernel *result = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "5"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "5"" of type '" "npstat::BoundaryHandling const &""'");
}
arg5 = reinterpret_cast< npstat::BoundaryHandling * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (npstat::LOrPE1DSymbetaKernel *)new npstat::LOrPE1DSymbetaKernel(arg1,arg2,arg3,arg4,(npstat::BoundaryHandling const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LOrPE1DSymbetaKernel__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
npstat::BoundaryHandling *arg5 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
npstat::LOrPE1DSymbetaKernel *result = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "5"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "5"" of type '" "npstat::BoundaryHandling const &""'");
}
arg5 = reinterpret_cast< npstat::BoundaryHandling * >(argp5);
{
try {
result = (npstat::LOrPE1DSymbetaKernel *)new npstat::LOrPE1DSymbetaKernel(arg1,arg2,arg3,arg4,(npstat::BoundaryHandling const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LOrPE1DSymbetaKernel__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::LOrPE1DSymbetaKernel *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPE1DSymbetaKernel" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
result = (npstat::LOrPE1DSymbetaKernel *)new npstat::LOrPE1DSymbetaKernel((npstat::LOrPE1DSymbetaKernel const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LOrPE1DSymbetaKernel(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_LOrPE1DSymbetaKernel", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_LOrPE1DSymbetaKernel__SWIG_2(self, argc, argv);
}
}
if (argc == 5) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_LOrPE1DSymbetaKernel__SWIG_1(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_LOrPE1DSymbetaKernel__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_LOrPE1DSymbetaKernel'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DSymbetaKernel::LOrPE1DSymbetaKernel(int,double,double,double,npstat::BoundaryHandling const &,bool)\n"
" npstat::LOrPE1DSymbetaKernel::LOrPE1DSymbetaKernel(int,double,double,double,npstat::BoundaryHandling const &)\n"
" npstat::LOrPE1DSymbetaKernel::LOrPE1DSymbetaKernel(npstat::LOrPE1DSymbetaKernel const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_LOrPE1DSymbetaKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LOrPE1DSymbetaKernel" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_filterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_filterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DSymbetaKernel const *)arg1)->filterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_leftBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_leftBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DSymbetaKernel const *)arg1)->leftBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_rightBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_rightBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DSymbetaKernel const *)arg1)->rightBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_isMemoizing(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_isMemoizing" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DSymbetaKernel const *)arg1)->isMemoizing();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_memoize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "LOrPE1DSymbetaKernel_memoize", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_memoize" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSymbetaKernel_memoize" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoize(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_clearMemoizedInfo(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_clearMemoizedInfo" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
(arg1)->clearMemoizedInfo();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_isBoundaryCorrectionNeeded(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "LOrPE1DSymbetaKernel_isBoundaryCorrectionNeeded", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_isBoundaryCorrectionNeeded" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSymbetaKernel_isBoundaryCorrectionNeeded" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSymbetaKernel_isBoundaryCorrectionNeeded" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (bool)((npstat::LOrPE1DSymbetaKernel const *)arg1)->isBoundaryCorrectionNeeded(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_setNormFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "LOrPE1DSymbetaKernel_setNormFactor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_setNormFactor" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSymbetaKernel_setNormFactor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setNormFactor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_normFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_normFactor" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DSymbetaKernel const *)arg1)->normFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_getLastKernelAt0(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_getLastKernelAt0" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DSymbetaKernel const *)arg1)->getLastKernelAt0();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_usedBoundaryCorrection(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_usedBoundaryCorrection" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DSymbetaKernel const *)arg1)->usedBoundaryCorrection();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
npstat::LOrPE1DSymbetaKernel *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "LOrPE1DSymbetaKernel___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel___eq__" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LOrPE1DSymbetaKernel___eq__" "', argument " "2"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSymbetaKernel___eq__" "', argument " "2"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp2);
{
try {
result = (bool)((npstat::LOrPE1DSymbetaKernel const *)arg1)->operator ==((npstat::LOrPE1DSymbetaKernel const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
npstat::LOrPE1DSymbetaKernel *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "LOrPE1DSymbetaKernel___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel___ne__" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LOrPE1DSymbetaKernel___ne__" "', argument " "2"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSymbetaKernel___ne__" "', argument " "2"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp2);
{
try {
result = (bool)((npstat::LOrPE1DSymbetaKernel const *)arg1)->operator !=((npstat::LOrPE1DSymbetaKernel const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_lorpe__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
double arg2 ;
double arg3 ;
double *arg4 = (double *) 0 ;
unsigned long arg5 ;
bool arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyArrayObject *array4 = NULL ;
int is_new_object4 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
npy_intp size[1] = {
-1
};
array4 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_DOUBLE,
&is_new_object4);
if (!array4 || !require_dimensions(array4, 1) ||
!require_size(array4, size, 1)) SWIG_fail;
arg4 = (double*) array_data(array4);
arg5 = (int) array_size(array4,0);
}
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)((npstat::LOrPE1DSymbetaKernel const *)arg1)->lorpe_2(arg2,arg3,(double const *)arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return resultobj;
fail:
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_lorpe__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
double arg2 ;
double arg3 ;
double *arg4 = (double *) 0 ;
unsigned long arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyArrayObject *array4 = NULL ;
int is_new_object4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
npy_intp size[1] = {
-1
};
array4 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_DOUBLE,
&is_new_object4);
if (!array4 || !require_dimensions(array4, 1) ||
!require_size(array4, size, 1)) SWIG_fail;
arg4 = (double*) array_data(array4);
arg5 = (int) array_size(array4,0);
}
{
try {
result = (double)((npstat::LOrPE1DSymbetaKernel const *)arg1)->lorpe_2(arg2,arg3,(double const *)arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return resultobj;
fail:
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_lorpe__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
double arg2 ;
double arg3 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg4 = 0 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int res4 = SWIG_OLDOBJ ;
bool val5 ;
int ecode5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res4 = swig::asptr(swig_obj[3], &ptr);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "4"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "4"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg4 = ptr;
}
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (double)((npstat::LOrPE1DSymbetaKernel const *)arg1)->lorpe_2(arg2,arg3,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res4)) delete arg4;
return resultobj;
fail:
if (SWIG_IsNewObj(res4)) delete arg4;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_lorpe__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
double arg2 ;
double arg3 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int res4 = SWIG_OLDOBJ ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res4 = swig::asptr(swig_obj[3], &ptr);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "4"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSymbetaKernel_lorpe" "', argument " "4"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg4 = ptr;
}
{
try {
result = (double)((npstat::LOrPE1DSymbetaKernel const *)arg1)->lorpe_2(arg2,arg3,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res4)) delete arg4;
return resultobj;
fail:
if (SWIG_IsNewObj(res4)) delete arg4;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_lorpe(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LOrPE1DSymbetaKernel_lorpe", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[3], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DSymbetaKernel_lorpe__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
if (argc <= 4) {
return _wrap_LOrPE1DSymbetaKernel_lorpe__SWIG_1(self, argc, argv);
}
return _wrap_LOrPE1DSymbetaKernel_lorpe__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[3], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DSymbetaKernel_lorpe__SWIG_2(self, argc, argv);
}
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DSymbetaKernel_lorpe__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LOrPE1DSymbetaKernel_lorpe'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DSymbetaKernel::lorpe_2(double,double,double const *,unsigned long,bool) const\n"
" npstat::LOrPE1DSymbetaKernel::lorpe_2(double,double,double const *,unsigned long) const\n"
" npstat::LOrPE1DSymbetaKernel::lorpe_2(double,double,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,bool) const\n"
" npstat::LOrPE1DSymbetaKernel::lorpe_2(double,double,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSymbetaKernel_buildBoundaryPoly(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = (npstat::LOrPE1DSymbetaKernel *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::AbsClassicalOrthoPoly1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "LOrPE1DSymbetaKernel_buildBoundaryPoly", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DSymbetaKernel_buildBoundaryPoly" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSymbetaKernel_buildBoundaryPoly" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSymbetaKernel_buildBoundaryPoly" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::AbsClassicalOrthoPoly1D *)((npstat::LOrPE1DSymbetaKernel const *)arg1)->buildBoundaryPoly_2(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsClassicalOrthoPoly1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LOrPE1DSymbetaKernel_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LOrPE1DSymbetaKernel_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleFcnLOrPE1DFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = 0 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg2 ;
double *arg3 = (double *) 0 ;
unsigned long arg4 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
PyObject *swig_obj[5] ;
npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleFcnLOrPE1DFunctorHelper", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleFcnLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleFcnLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DoubleFcnLOrPE1DFunctorHelper" "', argument " "2"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleFcnLOrPE1DFunctorHelper" "', argument " "2"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp2);
arg2 = *temp;
if (SWIG_IsNewObj(res2)) delete temp;
}
}
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_DoubleFcnLOrPE1DFunctorHelper" "', argument " "3"" of type '" "double const *""'");
}
arg3 = reinterpret_cast< double * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DoubleFcnLOrPE1DFunctorHelper" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleFcnLOrPE1DFunctorHelper" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > >((npstat::LOrPE1DSymbetaKernel const &)*arg1,arg2,(double const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleFcnLOrPE1DFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleFcnLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleFcnLOrPE1DFunctorHelper___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleFcnLOrPE1DFunctorHelper___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleFcnLOrPE1DFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleFcnLOrPE1DFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleFcnLOrPE1DFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleFcnLOrPE1DFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePairFcnLOrPE1DFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = 0 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg2 ;
std::pair< double,double > *arg3 = (std::pair< double,double > *) 0 ;
unsigned long arg4 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
PyObject *swig_obj[5] ;
npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleDoublePairFcnLOrPE1DFunctorHelper", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePairFcnLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePairFcnLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DoubleDoublePairFcnLOrPE1DFunctorHelper" "', argument " "2"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePairFcnLOrPE1DFunctorHelper" "', argument " "2"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp2);
arg2 = *temp;
if (SWIG_IsNewObj(res2)) delete temp;
}
}
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_std__pairT_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_DoubleDoublePairFcnLOrPE1DFunctorHelper" "', argument " "3"" of type '" "std::pair< double,double > const *""'");
}
arg3 = reinterpret_cast< std::pair< double,double > * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DoubleDoublePairFcnLOrPE1DFunctorHelper" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleDoublePairFcnLOrPE1DFunctorHelper" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > >((npstat::LOrPE1DSymbetaKernel const &)*arg1,arg2,(std::pair< double,double > const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePairFcnLOrPE1DFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePairFcnLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairFcnLOrPE1DFunctorHelper___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairFcnLOrPE1DFunctorHelper___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairFcnLOrPE1DFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairFcnLOrPE1DFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePairFcnLOrPE1DFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePairFcnLOrPE1DFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoubleLOrPE1DFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = 0 ;
double arg2 ;
double *arg3 = (double *) 0 ;
unsigned long arg4 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
PyObject *swig_obj[5] ;
npstat::LOrPE1DFunctorHelper< double,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleDoubleLOrPE1DFunctorHelper", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoubleLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoubleLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoubleLOrPE1DFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_DoubleDoubleLOrPE1DFunctorHelper" "', argument " "3"" of type '" "double const *""'");
}
arg3 = reinterpret_cast< double * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DoubleDoubleLOrPE1DFunctorHelper" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleDoubleLOrPE1DFunctorHelper" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (npstat::LOrPE1DFunctorHelper< double,double > *)new npstat::LOrPE1DFunctorHelper< double,double >((npstat::LOrPE1DSymbetaKernel const &)*arg1,arg2,(double const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoubleLOrPE1DFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFunctorHelper< double,double > *arg1 = (npstat::LOrPE1DFunctorHelper< double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoubleLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DFunctorHelper< double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFunctorHelper< double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoubleLOrPE1DFunctorHelper___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFunctorHelper< double,double > *arg1 = (npstat::LOrPE1DFunctorHelper< double,double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoubleLOrPE1DFunctorHelper___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoubleLOrPE1DFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DFunctorHelper< double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFunctorHelper< double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoubleLOrPE1DFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DFunctorHelper< double,double > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoubleLOrPE1DFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoubleLOrPE1DFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePairDoubleLOrPE1DFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = 0 ;
double arg2 ;
std::pair< double,double > *arg3 = (std::pair< double,double > *) 0 ;
unsigned long arg4 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
PyObject *swig_obj[5] ;
npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleDoublePairDoubleLOrPE1DFunctorHelper", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePairDoubleLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePairDoubleLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePairDoubleLOrPE1DFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_std__pairT_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_DoubleDoublePairDoubleLOrPE1DFunctorHelper" "', argument " "3"" of type '" "std::pair< double,double > const *""'");
}
arg3 = reinterpret_cast< std::pair< double,double > * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DoubleDoublePairDoubleLOrPE1DFunctorHelper" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleDoublePairDoubleLOrPE1DFunctorHelper" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > *)new npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double >((npstat::LOrPE1DSymbetaKernel const &)*arg1,arg2,(std::pair< double,double > const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePairDoubleLOrPE1DFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > *arg1 = (npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePairDoubleLOrPE1DFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairDoubleLOrPE1DFunctorHelper___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > *arg1 = (npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairDoubleLOrPE1DFunctorHelper___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairDoubleLOrPE1DFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairDoubleLOrPE1DFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePairDoubleLOrPE1DFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePairDoubleLOrPE1DFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_UCharBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< unsigned char,double > *arg1 = (npstat::BandwidthCVLeastSquares1D< unsigned char,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_unsigned_char_double_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharBandwidthCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquares1D< unsigned char,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquares1D< unsigned char,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_UCharBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< unsigned char,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharBandwidthCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquares1D< unsigned char,double > *)new npstat::BandwidthCVLeastSquares1D< unsigned char,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_unsigned_char_double_double_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharBandwidthCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_unsigned_char_double_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharBandwidthCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_IntBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< int,double > *arg1 = (npstat::BandwidthCVLeastSquares1D< int,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_int_double_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntBandwidthCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquares1D< int,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquares1D< int,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_IntBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< int,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntBandwidthCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquares1D< int,double > *)new npstat::BandwidthCVLeastSquares1D< int,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_int_double_double_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntBandwidthCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_int_double_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntBandwidthCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_LongBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< long,double > *arg1 = (npstat::BandwidthCVLeastSquares1D< long,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_long_double_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongBandwidthCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquares1D< long,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquares1D< long,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LongBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< long,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongBandwidthCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquares1D< long,double > *)new npstat::BandwidthCVLeastSquares1D< long,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_long_double_double_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongBandwidthCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_long_double_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongBandwidthCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_FloatBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< float,double > *arg1 = (npstat::BandwidthCVLeastSquares1D< float,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_float_double_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatBandwidthCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquares1D< float,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquares1D< float,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_FloatBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< float,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatBandwidthCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquares1D< float,double > *)new npstat::BandwidthCVLeastSquares1D< float,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_float_double_double_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatBandwidthCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_float_double_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatBandwidthCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_DoubleBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< double,double > *arg1 = (npstat::BandwidthCVLeastSquares1D< double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_double_double_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleBandwidthCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquares1D< double,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquares1D< double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleBandwidthCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquares1D< double,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleBandwidthCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquares1D< double,double > *)new npstat::BandwidthCVLeastSquares1D< double,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_double_double_double_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleBandwidthCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquares1DT_double_double_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleBandwidthCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_StatAccumulatorArr__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::StatAccumulatorArr *)new npstat::StatAccumulatorArr();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_StatAccumulatorArr__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned long arg1 ;
unsigned long val1 ;
int ecode1 = 0 ;
npstat::StatAccumulatorArr *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_long(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_StatAccumulatorArr" "', argument " "1"" of type '" "unsigned long""'");
}
arg1 = static_cast< unsigned long >(val1);
{
try {
result = (npstat::StatAccumulatorArr *)new npstat::StatAccumulatorArr(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_StatAccumulatorArr(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_StatAccumulatorArr", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_StatAccumulatorArr__SWIG_0(self, argc, argv);
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_long(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_StatAccumulatorArr__SWIG_1(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_StatAccumulatorArr'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::StatAccumulatorArr::StatAccumulatorArr()\n"
" npstat::StatAccumulatorArr::StatAccumulatorArr(unsigned long const)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_dim" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
{
try {
result = (unsigned long)((npstat::StatAccumulatorArr const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_count(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_count" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
{
try {
result = (unsigned long)((npstat::StatAccumulatorArr const *)arg1)->count();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_min(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_min", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_min" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorArr_min" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::StatAccumulatorArr const *)arg1)->min(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_max(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_max", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_max" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorArr_max" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::StatAccumulatorArr const *)arg1)->max(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_mean(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_mean", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_mean" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorArr_mean" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::StatAccumulatorArr const *)arg1)->mean(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_stdev(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_stdev", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_stdev" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorArr_stdev" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::StatAccumulatorArr const *)arg1)->stdev(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_meanUncertainty(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_meanUncertainty", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_meanUncertainty" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorArr_meanUncertainty" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::StatAccumulatorArr const *)arg1)->meanUncertainty(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_accumulate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
npstat::StatAccumulatorArr *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_accumulate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_accumulate" "', argument " "1"" of type '" "npstat::StatAccumulatorArr *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr_accumulate" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorArr_accumulate" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
arg2 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp2);
{
try {
(arg1)->accumulate((npstat::StatAccumulatorArr const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___iadd____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
npstat::StatAccumulatorArr *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
npstat::StatAccumulatorArr *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr___iadd__" "', argument " "1"" of type '" "npstat::StatAccumulatorArr *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr___iadd__" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorArr___iadd__" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
arg2 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp2);
{
try {
result = (npstat::StatAccumulatorArr *) &(arg1)->operator +=((npstat::StatAccumulatorArr const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_reset(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_reset" "', argument " "1"" of type '" "npstat::StatAccumulatorArr *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
{
try {
(arg1)->reset();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___add__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
npstat::StatAccumulatorArr *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::StatAccumulatorArr result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr___add__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr___add__" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr___add__" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorArr___add__" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
arg2 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp2);
{
try {
result = ((npstat::StatAccumulatorArr const *)arg1)->operator +((npstat::StatAccumulatorArr const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::StatAccumulatorArr(static_cast< const npstat::StatAccumulatorArr& >(result))), SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
npstat::StatAccumulatorArr *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr___eq__" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr___eq__" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorArr___eq__" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
arg2 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp2);
{
try {
result = (bool)((npstat::StatAccumulatorArr const *)arg1)->operator ==((npstat::StatAccumulatorArr const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
npstat::StatAccumulatorArr *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr___ne__" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr___ne__" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorArr___ne__" "', argument " "2"" of type '" "npstat::StatAccumulatorArr const &""'");
}
arg2 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp2);
{
try {
result = (bool)((npstat::StatAccumulatorArr const *)arg1)->operator !=((npstat::StatAccumulatorArr const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_classId" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
{
try {
result = ((npstat::StatAccumulatorArr const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_write" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorArr_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::StatAccumulatorArr const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::StatAccumulatorArr::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::StatAccumulatorArr::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
npstat::StatAccumulatorArr *arg3 = (npstat::StatAccumulatorArr *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorArr_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr_restore" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorArr_restore" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "StatAccumulatorArr_restore" "', argument " "3"" of type '" "npstat::StatAccumulatorArr *""'");
}
arg3 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp3);
{
try {
npstat::StatAccumulatorArr::restore((gs::ClassId const &)*arg1,*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___mul__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::StatAccumulatorArr result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr___mul__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr___mul__" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorArr___mul__" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::StatAccumulatorArr const *)arg1)->mul2(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::StatAccumulatorArr(static_cast< const npstat::StatAccumulatorArr& >(result))), SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___div__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::StatAccumulatorArr result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr___div__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr___div__" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorArr___div__" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::StatAccumulatorArr const *)arg1)->div2(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::StatAccumulatorArr(static_cast< const npstat::StatAccumulatorArr& >(result))), SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___imul__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::StatAccumulatorArr *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr___imul__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr___imul__" "', argument " "1"" of type '" "npstat::StatAccumulatorArr *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorArr___imul__" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (npstat::StatAccumulatorArr *) &(arg1)->imul2(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___idiv__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::StatAccumulatorArr *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr___idiv__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr___idiv__" "', argument " "1"" of type '" "npstat::StatAccumulatorArr *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorArr___idiv__" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (npstat::StatAccumulatorArr *) &(arg1)->idiv2(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_minArray(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_minArray", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_minArray" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr_minArray" "', argument " "2"" of type '" "double *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "StatAccumulatorArr_minArray" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
((npstat::StatAccumulatorArr const *)arg1)->minArray(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_maxArray(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_maxArray", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_maxArray" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr_maxArray" "', argument " "2"" of type '" "double *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "StatAccumulatorArr_maxArray" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
((npstat::StatAccumulatorArr const *)arg1)->maxArray(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_meanArray(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_meanArray", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_meanArray" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr_meanArray" "', argument " "2"" of type '" "double *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "StatAccumulatorArr_meanArray" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
((npstat::StatAccumulatorArr const *)arg1)->meanArray(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_stdevArray(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_stdevArray", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_stdevArray" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr_stdevArray" "', argument " "2"" of type '" "double *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "StatAccumulatorArr_stdevArray" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
((npstat::StatAccumulatorArr const *)arg1)->stdevArray(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr_meanUncertaintyArray(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorArr_meanUncertaintyArray", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr_meanUncertaintyArray" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr_meanUncertaintyArray" "', argument " "2"" of type '" "double *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "StatAccumulatorArr_meanUncertaintyArray" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
((npstat::StatAccumulatorArr const *)arg1)->meanUncertaintyArray(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___iadd____SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
npstat::StatAccumulatorArr *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorArr___iadd__" "', argument " "1"" of type '" "npstat::StatAccumulatorArr *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorArr___iadd__" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorArr___iadd__" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
try {
result = (npstat::StatAccumulatorArr *) &(arg1)->operator +=((std::vector< double,std::allocator< double > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorArr___iadd__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "StatAccumulatorArr___iadd__", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__StatAccumulatorArr, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_StatAccumulatorArr___iadd____SWIG_0(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__StatAccumulatorArr, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_StatAccumulatorArr___iadd____SWIG_2(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'StatAccumulatorArr___iadd__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::StatAccumulatorArr::operator +=(npstat::StatAccumulatorArr const &)\n"
" npstat::StatAccumulatorArr::operator +=(std::vector< double,std::allocator< double > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_StatAccumulatorArr(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = (npstat::StatAccumulatorArr *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_StatAccumulatorArr" "', argument " "1"" of type '" "npstat::StatAccumulatorArr *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *StatAccumulatorArr_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *StatAccumulatorArr_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_StatAccumulatorArr(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::StatAccumulatorArr > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_StatAccumulatorArr", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_StatAccumulatorArr" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_StatAccumulatorArr" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const &""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_StatAccumulatorArr" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_StatAccumulatorArr" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::StatAccumulatorArr > *)new gs::ArchiveRecord< npstat::StatAccumulatorArr >((npstat::StatAccumulatorArr const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__StatAccumulatorArr_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_StatAccumulatorArr(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::StatAccumulatorArr > *arg1 = (gs::ArchiveRecord< npstat::StatAccumulatorArr > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__StatAccumulatorArr_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_StatAccumulatorArr" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::StatAccumulatorArr > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::StatAccumulatorArr > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_StatAccumulatorArr_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__StatAccumulatorArr_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_StatAccumulatorArr_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_111(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::StatAccumulatorArr *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::StatAccumulatorArr > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::StatAccumulatorArr const &""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::StatAccumulatorArr >((npstat::StatAccumulatorArr const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::StatAccumulatorArr >(static_cast< const gs::ArchiveRecord< npstat::StatAccumulatorArr >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__StatAccumulatorArr_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_StatAccumulatorArr__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::StatAccumulatorArr > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_StatAccumulatorArr" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorArr" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_StatAccumulatorArr" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::StatAccumulatorArr > *)new gs::Reference< npstat::StatAccumulatorArr >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorArr_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_StatAccumulatorArr__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::StatAccumulatorArr > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_StatAccumulatorArr" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorArr" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_StatAccumulatorArr" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_StatAccumulatorArr" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::StatAccumulatorArr > *)new gs::Reference< npstat::StatAccumulatorArr >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorArr_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_StatAccumulatorArr__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::StatAccumulatorArr > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_StatAccumulatorArr" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorArr" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_StatAccumulatorArr" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorArr" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_StatAccumulatorArr" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorArr" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::StatAccumulatorArr > *)new gs::Reference< npstat::StatAccumulatorArr >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorArr_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_StatAccumulatorArr(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_StatAccumulatorArr", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_StatAccumulatorArr__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_StatAccumulatorArr__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_StatAccumulatorArr__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_StatAccumulatorArr'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::StatAccumulatorArr >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::StatAccumulatorArr >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::StatAccumulatorArr >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_StatAccumulatorArr_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::StatAccumulatorArr > *arg1 = (gs::Reference< npstat::StatAccumulatorArr > *) 0 ;
unsigned long arg2 ;
npstat::StatAccumulatorArr *arg3 = (npstat::StatAccumulatorArr *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_StatAccumulatorArr_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorArr_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_StatAccumulatorArr_restore" "', argument " "1"" of type '" "gs::Reference< npstat::StatAccumulatorArr > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::StatAccumulatorArr > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_StatAccumulatorArr_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__StatAccumulatorArr, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_StatAccumulatorArr_restore" "', argument " "3"" of type '" "npstat::StatAccumulatorArr *""'");
}
arg3 = reinterpret_cast< npstat::StatAccumulatorArr * >(argp3);
{
try {
((gs::Reference< npstat::StatAccumulatorArr > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_StatAccumulatorArr_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::StatAccumulatorArr > *arg1 = (gs::Reference< npstat::StatAccumulatorArr > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::StatAccumulatorArr *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_StatAccumulatorArr_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorArr_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_StatAccumulatorArr_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::StatAccumulatorArr > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::StatAccumulatorArr > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_StatAccumulatorArr_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::StatAccumulatorArr *)gs_Reference_Sl_npstat_StatAccumulatorArr_Sg__retrieve((gs::Reference< npstat::StatAccumulatorArr > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_StatAccumulatorArr_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::StatAccumulatorArr > *arg1 = (gs::Reference< npstat::StatAccumulatorArr > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::StatAccumulatorArr result;
if (!SWIG_Python_UnpackTuple(args, "Ref_StatAccumulatorArr_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorArr_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_StatAccumulatorArr_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::StatAccumulatorArr > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::StatAccumulatorArr > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_StatAccumulatorArr_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_StatAccumulatorArr_Sg__getValue((gs::Reference< npstat::StatAccumulatorArr > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::StatAccumulatorArr(static_cast< const npstat::StatAccumulatorArr& >(result))), SWIGTYPE_p_npstat__StatAccumulatorArr, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_StatAccumulatorArr(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::StatAccumulatorArr > *arg1 = (gs::Reference< npstat::StatAccumulatorArr > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorArr_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_StatAccumulatorArr" "', argument " "1"" of type '" "gs::Reference< npstat::StatAccumulatorArr > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::StatAccumulatorArr > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_StatAccumulatorArr_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorArr_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_StatAccumulatorArr_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_AbsInterpolatedDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsInterpolatedDistribution1D *arg1 = (npstat::AbsInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsInterpolatedDistribution1D" "', argument " "1"" of type '" "npstat::AbsInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsInterpolatedDistribution1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsInterpolatedDistribution1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsInterpolatedDistribution1D *arg1 = (npstat::AbsInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::AbsInterpolatedDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsInterpolatedDistribution1D_clone" "', argument " "1"" of type '" "npstat::AbsInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsInterpolatedDistribution1D * >(argp1);
{
try {
result = (npstat::AbsInterpolatedDistribution1D *)((npstat::AbsInterpolatedDistribution1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsInterpolatedDistribution1D_add(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsInterpolatedDistribution1D *arg1 = (npstat::AbsInterpolatedDistribution1D *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "AbsInterpolatedDistribution1D_add", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsInterpolatedDistribution1D_add" "', argument " "1"" of type '" "npstat::AbsInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsInterpolatedDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsInterpolatedDistribution1D_add" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsInterpolatedDistribution1D_add" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsInterpolatedDistribution1D_add" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->add((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsInterpolatedDistribution1D_replace(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsInterpolatedDistribution1D *arg1 = (npstat::AbsInterpolatedDistribution1D *) 0 ;
unsigned int arg2 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "AbsInterpolatedDistribution1D_replace", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsInterpolatedDistribution1D_replace" "', argument " "1"" of type '" "npstat::AbsInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsInterpolatedDistribution1D_replace" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "AbsInterpolatedDistribution1D_replace" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsInterpolatedDistribution1D_replace" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "AbsInterpolatedDistribution1D_replace" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
(arg1)->replace(arg2,(npstat::AbsDistribution1D const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsInterpolatedDistribution1D_setWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsInterpolatedDistribution1D *arg1 = (npstat::AbsInterpolatedDistribution1D *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "AbsInterpolatedDistribution1D_setWeight", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsInterpolatedDistribution1D_setWeight" "', argument " "1"" of type '" "npstat::AbsInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsInterpolatedDistribution1D_setWeight" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsInterpolatedDistribution1D_setWeight" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->setWeight(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsInterpolatedDistribution1D_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsInterpolatedDistribution1D *arg1 = (npstat::AbsInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsInterpolatedDistribution1D_clear" "', argument " "1"" of type '" "npstat::AbsInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsInterpolatedDistribution1D * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsInterpolatedDistribution1D_size(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsInterpolatedDistribution1D *arg1 = (npstat::AbsInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsInterpolatedDistribution1D_size" "', argument " "1"" of type '" "npstat::AbsInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsInterpolatedDistribution1D * >(argp1);
{
try {
result = (unsigned int)((npstat::AbsInterpolatedDistribution1D const *)arg1)->size();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsInterpolatedDistribution1D_expectedSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsInterpolatedDistribution1D *arg1 = (npstat::AbsInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsInterpolatedDistribution1D_expectedSize" "', argument " "1"" of type '" "npstat::AbsInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsInterpolatedDistribution1D * >(argp1);
{
try {
result = (unsigned int)((npstat::AbsInterpolatedDistribution1D const *)arg1)->expectedSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsInterpolatedDistribution1D_normalizeAutomatically(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsInterpolatedDistribution1D *arg1 = (npstat::AbsInterpolatedDistribution1D *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "AbsInterpolatedDistribution1D_normalizeAutomatically", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsInterpolatedDistribution1D_normalizeAutomatically" "', argument " "1"" of type '" "npstat::AbsInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsInterpolatedDistribution1D_normalizeAutomatically" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->normalizeAutomatically(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *AbsInterpolatedDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsInterpolatedDistribution1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_new_VerticallyInterpolatedDistribution1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
unsigned int val1 ;
int ecode1 = 0 ;
npstat::VerticallyInterpolatedDistribution1D *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_VerticallyInterpolatedDistribution1D" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
{
try {
result = (npstat::VerticallyInterpolatedDistribution1D *)new npstat::VerticallyInterpolatedDistribution1D(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_VerticallyInterpolatedDistribution1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::VerticallyInterpolatedDistribution1D *)new npstat::VerticallyInterpolatedDistribution1D();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_VerticallyInterpolatedDistribution1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_VerticallyInterpolatedDistribution1D", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_VerticallyInterpolatedDistribution1D__SWIG_1(self, argc, argv);
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_VerticallyInterpolatedDistribution1D__SWIG_0(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_VerticallyInterpolatedDistribution1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::VerticallyInterpolatedDistribution1D::VerticallyInterpolatedDistribution1D(unsigned int)\n"
" npstat::VerticallyInterpolatedDistribution1D::VerticallyInterpolatedDistribution1D()\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_VerticallyInterpolatedDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_VerticallyInterpolatedDistribution1D" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::VerticallyInterpolatedDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_clone" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
{
try {
result = (npstat::VerticallyInterpolatedDistribution1D *)((npstat::VerticallyInterpolatedDistribution1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_add(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_add", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_add" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "VerticallyInterpolatedDistribution1D_add" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "VerticallyInterpolatedDistribution1D_add" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "VerticallyInterpolatedDistribution1D_add" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->add((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_replace(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
unsigned int arg2 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_replace", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_replace" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "VerticallyInterpolatedDistribution1D_replace" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "VerticallyInterpolatedDistribution1D_replace" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "VerticallyInterpolatedDistribution1D_replace" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "VerticallyInterpolatedDistribution1D_replace" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
(arg1)->replace(arg2,(npstat::AbsDistribution1D const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_setWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_setWeight", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_setWeight" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "VerticallyInterpolatedDistribution1D_setWeight" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "VerticallyInterpolatedDistribution1D_setWeight" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->setWeight(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_clear" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_normalizeAutomatically(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_normalizeAutomatically", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_normalizeAutomatically" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "VerticallyInterpolatedDistribution1D_normalizeAutomatically" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->normalizeAutomatically(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_size(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_size" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
{
try {
result = (unsigned int)((npstat::VerticallyInterpolatedDistribution1D const *)arg1)->size();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_expectedSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_expectedSize" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
{
try {
result = (unsigned int)((npstat::VerticallyInterpolatedDistribution1D const *)arg1)->expectedSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_density" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "VerticallyInterpolatedDistribution1D_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::VerticallyInterpolatedDistribution1D const *)arg1)->density(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_cdf" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "VerticallyInterpolatedDistribution1D_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::VerticallyInterpolatedDistribution1D const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_exceedance" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "VerticallyInterpolatedDistribution1D_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::VerticallyInterpolatedDistribution1D const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_quantile" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "VerticallyInterpolatedDistribution1D_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::VerticallyInterpolatedDistribution1D const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::VerticallyInterpolatedDistribution1D *arg1 = (npstat::VerticallyInterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "VerticallyInterpolatedDistribution1D_classId" "', argument " "1"" of type '" "npstat::VerticallyInterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::VerticallyInterpolatedDistribution1D * >(argp1);
{
try {
result = ((npstat::VerticallyInterpolatedDistribution1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::VerticallyInterpolatedDistribution1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_VerticallyInterpolatedDistribution1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "VerticallyInterpolatedDistribution1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::VerticallyInterpolatedDistribution1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *VerticallyInterpolatedDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__VerticallyInterpolatedDistribution1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *VerticallyInterpolatedDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_AbsUnfold1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsUnfold1D" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_responseMatrix(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::Matrix< double > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_responseMatrix" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = (npstat::Matrix< double > *) &((npstat::AbsUnfold1D const *)arg1)->responseMatrix();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_transposedResponseMatrix(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::Matrix< double > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_transposedResponseMatrix" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = (npstat::Matrix< double > *) &((npstat::AbsUnfold1D const *)arg1)->transposedResponseMatrix();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_efficiency(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_efficiency" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = (std::vector< double,std::allocator< double > > *) &((npstat::AbsUnfold1D const *)arg1)->efficiency();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_smoothingNDoF(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_smoothingNDoF" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = ((npstat::AbsUnfold1D const *)arg1)->smoothingNDoF();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_responseNDoF(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_responseNDoF" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = ((npstat::AbsUnfold1D const *)arg1)->responseNDoF();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_smoothedResponseNDoF(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_smoothedResponseNDoF" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = ((npstat::AbsUnfold1D const *)arg1)->smoothedResponseNDoF();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_modelNDoF(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_modelNDoF" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = (arg1)->modelNDoF();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_setInitialApproximation(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfold1D_setInitialApproximation", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_setInitialApproximation" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setInitialApproximation((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_clearInitialApproximation(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_clearInitialApproximation" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
(arg1)->clearInitialApproximation();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_getInitialApproximation(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_getInitialApproximation" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = (std::vector< double,std::allocator< double > > *) &((npstat::AbsUnfold1D const *)arg1)->getInitialApproximation();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_setFilter(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
npstat::LocalPolyFilter1D *arg2 = (npstat::LocalPolyFilter1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfold1D_setFilter", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_setFilter" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_npstat__LocalPolyFilter1D, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsUnfold1D_setFilter" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const *""'");
}
arg2 = reinterpret_cast< npstat::LocalPolyFilter1D * >(argp2);
{
try {
(arg1)->setFilter((npstat::LocalPolyFilter1D const *)arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_useConvolutions(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfold1D_useConvolutions", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_useConvolutions" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsUnfold1D_useConvolutions" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useConvolutions(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_usingConvolutions(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_usingConvolutions" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = (bool)((npstat::AbsUnfold1D const *)arg1)->usingConvolutions();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_observationCovariance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double *arg1 = (double *) 0 ;
unsigned int arg2 ;
bool arg3 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
bool val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[2] ;
npstat::Matrix< double > result;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfold1D_observationCovariance", 2, 2, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_DOUBLE,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (double*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_bool(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsUnfold1D_observationCovariance" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
{
try {
result = npstat::AbsUnfold1D::observationCovariance((double const *)arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::Matrix< double >(static_cast< const npstat::Matrix< double >& >(result))), SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_OWN | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_getFilter(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LocalPolyFilter1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_getFilter" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
try {
result = (npstat::LocalPolyFilter1D *)((npstat::AbsUnfold1D const *)arg1)->getFilter2();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LocalPolyFilter1D, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_probDelta(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double *arg1 = (double *) 0 ;
unsigned int arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfold1D_probDelta", 2, 2, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_DOUBLE,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (double*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
try {
result = (double)npstat::AbsUnfold1D::probDelta2((double const *)arg1,arg2,(double const *)arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_unfold__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
npstat::Matrix< double > *arg4 = (npstat::Matrix< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_unfold" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
res4 = SWIG_ConvertPtr(swig_obj[2], &argp4,SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "AbsUnfold1D_unfold" "', argument " "4"" of type '" "npstat::Matrix< double > *""'");
}
arg4 = reinterpret_cast< npstat::Matrix< double > * >(argp4);
{
try {
result = (PyObject *)(arg1)->unfold2((double const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = result;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_unfold__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
npstat::Matrix< double > *arg4 = 0 ;
npstat::Matrix< double > *arg5 = (npstat::Matrix< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_unfold" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
res4 = SWIG_ConvertPtr(swig_obj[2], &argp4, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "AbsUnfold1D_unfold" "', argument " "4"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfold1D_unfold" "', argument " "4"" of type '" "npstat::Matrix< double > const &""'");
}
arg4 = reinterpret_cast< npstat::Matrix< double > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "AbsUnfold1D_unfold" "', argument " "5"" of type '" "npstat::Matrix< double > *""'");
}
arg5 = reinterpret_cast< npstat::Matrix< double > * >(argp5);
{
try {
result = (PyObject *)(arg1)->unfold2((double const *)arg2,arg3,(npstat::Matrix< double > const &)*arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = result;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_unfold(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsUnfold1D_unfold", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfold1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[2], &vptr, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfold1D_unfold__SWIG_0(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfold1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfold1D_unfold__SWIG_1(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsUnfold1D_unfold'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsUnfold1D::unfold2(double const *,unsigned int,npstat::Matrix< double > *)\n"
" npstat::AbsUnfold1D::unfold2(double const *,unsigned int,npstat::Matrix< double > const &,npstat::Matrix< double > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_unfoldNoCov__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_unfoldNoCov" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (PyObject *)(arg1)->unfoldNoCov((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = result;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_unfoldNoCov__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
npstat::Matrix< double > *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_unfoldNoCov" "', argument " "1"" of type '" "npstat::AbsUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
res4 = SWIG_ConvertPtr(swig_obj[2], &argp4, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "AbsUnfold1D_unfoldNoCov" "', argument " "4"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsUnfold1D_unfoldNoCov" "', argument " "4"" of type '" "npstat::Matrix< double > const &""'");
}
arg4 = reinterpret_cast< npstat::Matrix< double > * >(argp4);
{
try {
result = (PyObject *)(arg1)->unfoldNoCov((double const *)arg2,arg3,(npstat::Matrix< double > const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = result;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_unfoldNoCov(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsUnfold1D_unfoldNoCov", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfold1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
if (argc <= 2) {
return _wrap_AbsUnfold1D_unfoldNoCov__SWIG_0(self, argc, argv);
}
return _wrap_AbsUnfold1D_unfoldNoCov__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsUnfold1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_AbsUnfold1D_unfoldNoCov__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsUnfold1D_unfoldNoCov'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsUnfold1D::unfoldNoCov(double const *,unsigned int)\n"
" npstat::AbsUnfold1D::unfoldNoCov(double const *,unsigned int,npstat::Matrix< double > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsUnfold1D_fold(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsUnfold1D *arg1 = (npstat::AbsUnfold1D *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
PyObject *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsUnfold1D_fold", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsUnfold1D_fold" "', argument " "1"" of type '" "npstat::AbsUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsUnfold1D * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (PyObject *)((npstat::AbsUnfold1D const *)arg1)->fold((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = result;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *AbsUnfold1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsUnfold1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfold1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::Matrix< double > *arg1 = 0 ;
npstat::LocalPolyFilter1D *arg2 = 0 ;
bool arg3 ;
bool arg4 ;
bool arg5 ;
double arg6 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
bool val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
npstat::SmoothedEMUnfold1D *result = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
arg1 = reinterpret_cast< npstat::Matrix< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LocalPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
arg2 = reinterpret_cast< npstat::LocalPolyFilter1D * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfold1D" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
ecode4 = SWIG_AsVal_bool(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SmoothedEMUnfold1D" "', argument " "4"" of type '" "bool""'");
}
arg4 = static_cast< bool >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_SmoothedEMUnfold1D" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_SmoothedEMUnfold1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_SmoothedEMUnfold1D" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
{
try {
result = (npstat::SmoothedEMUnfold1D *)new npstat::SmoothedEMUnfold1D((npstat::Matrix< double > const &)*arg1,(npstat::LocalPolyFilter1D const &)*arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfold1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfold1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::Matrix< double > *arg1 = 0 ;
npstat::LocalPolyFilter1D *arg2 = 0 ;
bool arg3 ;
bool arg4 ;
bool arg5 ;
double arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
bool val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
npstat::SmoothedEMUnfold1D *result = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
arg1 = reinterpret_cast< npstat::Matrix< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LocalPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
arg2 = reinterpret_cast< npstat::LocalPolyFilter1D * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfold1D" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
ecode4 = SWIG_AsVal_bool(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SmoothedEMUnfold1D" "', argument " "4"" of type '" "bool""'");
}
arg4 = static_cast< bool >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_SmoothedEMUnfold1D" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_SmoothedEMUnfold1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
{
try {
result = (npstat::SmoothedEMUnfold1D *)new npstat::SmoothedEMUnfold1D((npstat::Matrix< double > const &)*arg1,(npstat::LocalPolyFilter1D const &)*arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfold1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfold1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::Matrix< double > *arg1 = 0 ;
npstat::LocalPolyFilter1D *arg2 = 0 ;
bool arg3 ;
bool arg4 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
bool val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
npstat::SmoothedEMUnfold1D *result = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
arg1 = reinterpret_cast< npstat::Matrix< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LocalPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
arg2 = reinterpret_cast< npstat::LocalPolyFilter1D * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfold1D" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
ecode4 = SWIG_AsVal_bool(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SmoothedEMUnfold1D" "', argument " "4"" of type '" "bool""'");
}
arg4 = static_cast< bool >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_SmoothedEMUnfold1D" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (npstat::SmoothedEMUnfold1D *)new npstat::SmoothedEMUnfold1D((npstat::Matrix< double > const &)*arg1,(npstat::LocalPolyFilter1D const &)*arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfold1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfold1D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::Matrix< double > *arg1 = 0 ;
npstat::LocalPolyFilter1D *arg2 = 0 ;
bool arg3 ;
bool arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
bool val4 ;
int ecode4 = 0 ;
npstat::SmoothedEMUnfold1D *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
arg1 = reinterpret_cast< npstat::Matrix< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LocalPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
arg2 = reinterpret_cast< npstat::LocalPolyFilter1D * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfold1D" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
ecode4 = SWIG_AsVal_bool(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SmoothedEMUnfold1D" "', argument " "4"" of type '" "bool""'");
}
arg4 = static_cast< bool >(val4);
{
try {
result = (npstat::SmoothedEMUnfold1D *)new npstat::SmoothedEMUnfold1D((npstat::Matrix< double > const &)*arg1,(npstat::LocalPolyFilter1D const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfold1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfold1D__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::Matrix< double > *arg1 = 0 ;
npstat::LocalPolyFilter1D *arg2 = 0 ;
bool arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
npstat::SmoothedEMUnfold1D *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::Matrix< double > const &""'");
}
arg1 = reinterpret_cast< npstat::Matrix< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LocalPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SmoothedEMUnfold1D" "', argument " "2"" of type '" "npstat::LocalPolyFilter1D const &""'");
}
arg2 = reinterpret_cast< npstat::LocalPolyFilter1D * >(argp2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SmoothedEMUnfold1D" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
{
try {
result = (npstat::SmoothedEMUnfold1D *)new npstat::SmoothedEMUnfold1D((npstat::Matrix< double > const &)*arg1,(npstat::LocalPolyFilter1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SmoothedEMUnfold1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SmoothedEMUnfold1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[8] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_SmoothedEMUnfold1D", 0, 7, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LocalPolyFilter1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfold1D__SWIG_4(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LocalPolyFilter1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfold1D__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LocalPolyFilter1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfold1D__SWIG_2(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LocalPolyFilter1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfold1D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LocalPolyFilter1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SmoothedEMUnfold1D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_SmoothedEMUnfold1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::SmoothedEMUnfold1D::SmoothedEMUnfold1D(npstat::Matrix< double > const &,npstat::LocalPolyFilter1D const &,bool,bool,bool,double,unsigned int)\n"
" npstat::SmoothedEMUnfold1D::SmoothedEMUnfold1D(npstat::Matrix< double > const &,npstat::LocalPolyFilter1D const &,bool,bool,bool,double)\n"
" npstat::SmoothedEMUnfold1D::SmoothedEMUnfold1D(npstat::Matrix< double > const &,npstat::LocalPolyFilter1D const &,bool,bool,bool)\n"
" npstat::SmoothedEMUnfold1D::SmoothedEMUnfold1D(npstat::Matrix< double > const &,npstat::LocalPolyFilter1D const &,bool,bool)\n"
" npstat::SmoothedEMUnfold1D::SmoothedEMUnfold1D(npstat::Matrix< double > const &,npstat::LocalPolyFilter1D const &,bool)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_SmoothedEMUnfold1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_SmoothedEMUnfold1D" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_setMaxIterations(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "SmoothedEMUnfold1D_setMaxIterations", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_setMaxIterations" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SmoothedEMUnfold1D_setMaxIterations" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
(arg1)->setMaxIterations(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_useMultinomialCovariance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "SmoothedEMUnfold1D_useMultinomialCovariance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_useMultinomialCovariance" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SmoothedEMUnfold1D_useMultinomialCovariance" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMultinomialCovariance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_smoothLastIteration(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "SmoothedEMUnfold1D_smoothLastIteration", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_smoothLastIteration" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SmoothedEMUnfold1D_smoothLastIteration" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->smoothLastIteration(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_setConvergenceEpsilon(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "SmoothedEMUnfold1D_setConvergenceEpsilon", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_setConvergenceEpsilon" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SmoothedEMUnfold1D_setConvergenceEpsilon" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setConvergenceEpsilon(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_convergenceEpsilon(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_convergenceEpsilon" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
{
try {
result = (double)((npstat::SmoothedEMUnfold1D const *)arg1)->convergenceEpsilon();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_maxIterations(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_maxIterations" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
{
try {
result = (unsigned int)((npstat::SmoothedEMUnfold1D const *)arg1)->maxIterations();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_usingMultinomialCovariance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_usingMultinomialCovariance" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
{
try {
result = (bool)((npstat::SmoothedEMUnfold1D const *)arg1)->usingMultinomialCovariance();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_smoothingLastIteration(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_smoothingLastIteration" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
{
try {
result = (bool)((npstat::SmoothedEMUnfold1D const *)arg1)->smoothingLastIteration();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_lastNIterations(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_lastNIterations" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
{
try {
result = (unsigned int)((npstat::SmoothedEMUnfold1D const *)arg1)->lastNIterations();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_lastEPIterations(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_lastEPIterations" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
{
try {
result = (unsigned int)((npstat::SmoothedEMUnfold1D const *)arg1)->lastEPIterations();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SmoothedEMUnfold1D_lastSmoothingNormfactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SmoothedEMUnfold1D *arg1 = (npstat::SmoothedEMUnfold1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SmoothedEMUnfold1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SmoothedEMUnfold1D_lastSmoothingNormfactor" "', argument " "1"" of type '" "npstat::SmoothedEMUnfold1D const *""'");
}
arg1 = reinterpret_cast< npstat::SmoothedEMUnfold1D * >(argp1);
{
try {
result = (double)((npstat::SmoothedEMUnfold1D const *)arg1)->lastSmoothingNormfactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *SmoothedEMUnfold1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__SmoothedEMUnfold1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *SmoothedEMUnfold1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DiscreteGaussCopulaSmoother(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int *arg1 = (unsigned int *) 0 ;
unsigned int arg2 ;
double arg3 ;
unsigned int arg4 ;
npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc *arg5 = (npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc *) 0 ;
bool arg6 ;
npstat::Matrix< double > *arg7 = 0 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
void *argp7 = 0 ;
int res7 = 0 ;
PyObject *swig_obj[6] ;
npstat::DiscreteGaussCopulaSmoother *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DiscreteGaussCopulaSmoother", 6, 6, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_UINT,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (unsigned int*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_double(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DiscreteGaussCopulaSmoother" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DiscreteGaussCopulaSmoother" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__AbsBandwidthCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_DiscreteGaussCopulaSmoother" "', argument " "5"" of type '" "npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *""'");
}
arg5 = reinterpret_cast< npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_DiscreteGaussCopulaSmoother" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
res7 = SWIG_ConvertPtr(swig_obj[5], &argp7, SWIGTYPE_p_npstat__MatrixT_double_16U_t, 0 | 0);
if (!SWIG_IsOK(res7)) {
SWIG_exception_fail(SWIG_ArgError(res7), "in method '" "new_DiscreteGaussCopulaSmoother" "', argument " "7"" of type '" "npstat::Matrix< double > const &""'");
}
if (!argp7) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DiscreteGaussCopulaSmoother" "', argument " "7"" of type '" "npstat::Matrix< double > const &""'");
}
arg7 = reinterpret_cast< npstat::Matrix< double > * >(argp7);
{
try {
result = (npstat::DiscreteGaussCopulaSmoother *)new npstat::DiscreteGaussCopulaSmoother((unsigned int const *)arg1,arg2,arg3,arg4,(npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *)arg5,arg6,(npstat::Matrix< double > const &)*arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DiscreteGaussCopulaSmoother, SWIG_POINTER_NEW | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DiscreteGaussCopulaSmoother(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DiscreteGaussCopulaSmoother *arg1 = (npstat::DiscreteGaussCopulaSmoother *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DiscreteGaussCopulaSmoother, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DiscreteGaussCopulaSmoother" "', argument " "1"" of type '" "npstat::DiscreteGaussCopulaSmoother *""'");
}
arg1 = reinterpret_cast< npstat::DiscreteGaussCopulaSmoother * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DiscreteGaussCopulaSmoother_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DiscreteGaussCopulaSmoother, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DiscreteGaussCopulaSmoother_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_multinomialCovariance1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
double arg2 ;
unsigned int arg3 ;
double arg4 ;
double arg5 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
npstat::Matrix< double,16U > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "multinomialCovariance1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "multinomialCovariance1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "multinomialCovariance1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "multinomialCovariance1D" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "multinomialCovariance1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "multinomialCovariance1D" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "multinomialCovariance1D" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::multinomialCovariance1D((npstat::AbsDistribution1D const &)*arg1,arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::Matrix< double,16U >(static_cast< const npstat::Matrix< double,16U >& >(result))), SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_multinomialCovariance1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
double arg2 ;
unsigned int arg3 ;
double arg4 ;
double arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
npstat::Matrix< double,16U > result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "multinomialCovariance1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "multinomialCovariance1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "multinomialCovariance1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "multinomialCovariance1D" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "multinomialCovariance1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "multinomialCovariance1D" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
result = npstat::multinomialCovariance1D((npstat::AbsDistribution1D const &)*arg1,arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::Matrix< double,16U >(static_cast< const npstat::Matrix< double,16U >& >(result))), SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_multinomialCovariance1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "multinomialCovariance1D", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_multinomialCovariance1D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_multinomialCovariance1D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'multinomialCovariance1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::multinomialCovariance1D(npstat::AbsDistribution1D const &,double,unsigned int,double,double,unsigned int)\n"
" npstat::multinomialCovariance1D(npstat::AbsDistribution1D const &,double,unsigned int,double,double)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_CompositeDistribution1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
npstat::CompositeDistribution1D *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_CompositeDistribution1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_CompositeDistribution1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_CompositeDistribution1D" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_CompositeDistribution1D" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
{
try {
result = (npstat::CompositeDistribution1D *)new npstat::CompositeDistribution1D((npstat::AbsDistribution1D const &)*arg1,(npstat::AbsDistribution1D const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__CompositeDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_CompositeDistribution1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::CompositeDistribution1D *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_CompositeDistribution1D" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_CompositeDistribution1D" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
{
try {
result = (npstat::CompositeDistribution1D *)new npstat::CompositeDistribution1D((npstat::CompositeDistribution1D const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__CompositeDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_CompositeDistribution1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_CompositeDistribution1D", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__CompositeDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_CompositeDistribution1D__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_CompositeDistribution1D__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_CompositeDistribution1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::CompositeDistribution1D::CompositeDistribution1D(npstat::AbsDistribution1D const &,npstat::AbsDistribution1D const &)\n"
" npstat::CompositeDistribution1D::CompositeDistribution1D(npstat::CompositeDistribution1D const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_CompositeDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_CompositeDistribution1D" "', argument " "1"" of type '" "npstat::CompositeDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CompositeDistribution1D_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_density" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CompositeDistribution1D_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::CompositeDistribution1D const *)arg1)->density(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CompositeDistribution1D_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_cdf" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CompositeDistribution1D_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::CompositeDistribution1D const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CompositeDistribution1D_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_exceedance" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CompositeDistribution1D_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::CompositeDistribution1D const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CompositeDistribution1D_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_quantile" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CompositeDistribution1D_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::CompositeDistribution1D const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::CompositeDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_clone" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
{
try {
result = (npstat::CompositeDistribution1D *)((npstat::CompositeDistribution1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__CompositeDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_G(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::AbsDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_G" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
{
try {
result = (npstat::AbsDistribution1D *) &((npstat::CompositeDistribution1D const *)arg1)->G();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_H(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::AbsDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_H" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
{
try {
result = (npstat::AbsDistribution1D *) &((npstat::CompositeDistribution1D const *)arg1)->H();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_classId" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
{
try {
result = ((npstat::CompositeDistribution1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = (npstat::CompositeDistribution1D *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "CompositeDistribution1D_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_write" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "CompositeDistribution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "CompositeDistribution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::CompositeDistribution1D const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "CompositeDistribution1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::CompositeDistribution1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "CompositeDistribution1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::CompositeDistribution1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeDistribution1D_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::CompositeDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "CompositeDistribution1D_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeDistribution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "CompositeDistribution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "CompositeDistribution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "CompositeDistribution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::CompositeDistribution1D *)npstat::CompositeDistribution1D::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__CompositeDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *CompositeDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__CompositeDistribution1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *CompositeDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_CompositeDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::CompositeDistribution1D > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_CompositeDistribution1D", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_CompositeDistribution1D" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_CompositeDistribution1D" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_CompositeDistribution1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_CompositeDistribution1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::CompositeDistribution1D > *)new gs::ArchiveRecord< npstat::CompositeDistribution1D >((npstat::CompositeDistribution1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__CompositeDistribution1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_CompositeDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::CompositeDistribution1D > *arg1 = (gs::ArchiveRecord< npstat::CompositeDistribution1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__CompositeDistribution1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_CompositeDistribution1D" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::CompositeDistribution1D > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::CompositeDistribution1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_CompositeDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__CompositeDistribution1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_CompositeDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_112(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::CompositeDistribution1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::CompositeDistribution1D > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::CompositeDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::CompositeDistribution1D >((npstat::CompositeDistribution1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::CompositeDistribution1D >(static_cast< const gs::ArchiveRecord< npstat::CompositeDistribution1D >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__CompositeDistribution1D_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_CompositeDistribution1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::CompositeDistribution1D > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_CompositeDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_CompositeDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_CompositeDistribution1D" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::CompositeDistribution1D > *)new gs::Reference< npstat::CompositeDistribution1D >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__CompositeDistribution1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_CompositeDistribution1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::CompositeDistribution1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_CompositeDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_CompositeDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_CompositeDistribution1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_CompositeDistribution1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::CompositeDistribution1D > *)new gs::Reference< npstat::CompositeDistribution1D >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__CompositeDistribution1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_CompositeDistribution1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::CompositeDistribution1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_CompositeDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_CompositeDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_CompositeDistribution1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_CompositeDistribution1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_CompositeDistribution1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_CompositeDistribution1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::CompositeDistribution1D > *)new gs::Reference< npstat::CompositeDistribution1D >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__CompositeDistribution1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_CompositeDistribution1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_CompositeDistribution1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_CompositeDistribution1D__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_CompositeDistribution1D__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_CompositeDistribution1D__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_CompositeDistribution1D'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::CompositeDistribution1D >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::CompositeDistribution1D >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::CompositeDistribution1D >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_CompositeDistribution1D_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::CompositeDistribution1D > *arg1 = (gs::Reference< npstat::CompositeDistribution1D > *) 0 ;
unsigned long arg2 ;
npstat::CompositeDistribution1D *arg3 = (npstat::CompositeDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_CompositeDistribution1D_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__CompositeDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_CompositeDistribution1D_restore" "', argument " "1"" of type '" "gs::Reference< npstat::CompositeDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::CompositeDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_CompositeDistribution1D_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__CompositeDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_CompositeDistribution1D_restore" "', argument " "3"" of type '" "npstat::CompositeDistribution1D *""'");
}
arg3 = reinterpret_cast< npstat::CompositeDistribution1D * >(argp3);
{
try {
((gs::Reference< npstat::CompositeDistribution1D > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_CompositeDistribution1D_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::CompositeDistribution1D > *arg1 = (gs::Reference< npstat::CompositeDistribution1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::CompositeDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_CompositeDistribution1D_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__CompositeDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_CompositeDistribution1D_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::CompositeDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::CompositeDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_CompositeDistribution1D_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::CompositeDistribution1D *)gs_Reference_Sl_npstat_CompositeDistribution1D_Sg__retrieve((gs::Reference< npstat::CompositeDistribution1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__CompositeDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_CompositeDistribution1D_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::CompositeDistribution1D > *arg1 = (gs::Reference< npstat::CompositeDistribution1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::CompositeDistribution1D > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_CompositeDistribution1D_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__CompositeDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_CompositeDistribution1D_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::CompositeDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::CompositeDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_CompositeDistribution1D_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_CompositeDistribution1D_Sg__getValue((gs::Reference< npstat::CompositeDistribution1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::CompositeDistribution1D(static_cast< const npstat::CompositeDistribution1D& >(result))), SWIGTYPE_p_npstat__CompositeDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_CompositeDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::CompositeDistribution1D > *arg1 = (gs::Reference< npstat::CompositeDistribution1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__CompositeDistribution1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_CompositeDistribution1D" "', argument " "1"" of type '" "gs::Reference< npstat::CompositeDistribution1D > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::CompositeDistribution1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_CompositeDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__CompositeDistribution1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_CompositeDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_JohnsonSu(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
npstat::JohnsonSu *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_JohnsonSu", 4, 4, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_JohnsonSu" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_JohnsonSu" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_JohnsonSu" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_JohnsonSu" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::JohnsonSu *)new npstat::JohnsonSu(arg1,arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSu, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::JohnsonSu *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_clone" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
result = (npstat::JohnsonSu *)((npstat::JohnsonSu const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSu, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_JohnsonSu(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_JohnsonSu" "', argument " "1"" of type '" "npstat::JohnsonSu *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_skewness(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_skewness" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
result = (double)((npstat::JohnsonSu const *)arg1)->skewness();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_kurtosis(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_kurtosis" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
result = (double)((npstat::JohnsonSu const *)arg1)->kurtosis();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_isValid(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_isValid" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
result = (bool)((npstat::JohnsonSu const *)arg1)->isValid();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_getDelta(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_getDelta" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
result = (double)((npstat::JohnsonSu const *)arg1)->getDelta();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_getLambda(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_getLambda" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
result = (double)((npstat::JohnsonSu const *)arg1)->getLambda();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_getGamma(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_getGamma" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
result = (double)((npstat::JohnsonSu const *)arg1)->getGamma();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_getXi(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_getXi" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
result = (double)((npstat::JohnsonSu const *)arg1)->getXi();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_classId" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
{
try {
result = ((npstat::JohnsonSu const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSu *arg1 = (npstat::JohnsonSu *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSu_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSu, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_write" "', argument " "1"" of type '" "npstat::JohnsonSu const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSu * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "JohnsonSu_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "JohnsonSu_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::JohnsonSu const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSu_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::JohnsonSu::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSu_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::JohnsonSu::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSu_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::JohnsonSu *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSu_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSu_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "JohnsonSu_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "JohnsonSu_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "JohnsonSu_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::JohnsonSu *)npstat::JohnsonSu::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSu, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *JohnsonSu_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__JohnsonSu, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *JohnsonSu_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_JohnsonSb(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
npstat::JohnsonSb *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_JohnsonSb", 4, 4, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_JohnsonSb" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_JohnsonSb" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_JohnsonSb" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_JohnsonSb" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::JohnsonSb *)new npstat::JohnsonSb(arg1,arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSb, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::JohnsonSb *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_clone" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
result = (npstat::JohnsonSb *)((npstat::JohnsonSb const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSb, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_JohnsonSb(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_JohnsonSb" "', argument " "1"" of type '" "npstat::JohnsonSb *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_skewness(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_skewness" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
result = (double)((npstat::JohnsonSb const *)arg1)->skewness();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_kurtosis(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_kurtosis" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
result = (double)((npstat::JohnsonSb const *)arg1)->kurtosis();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_isValid(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_isValid" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
result = (bool)((npstat::JohnsonSb const *)arg1)->isValid();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_getDelta(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_getDelta" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
result = (double)((npstat::JohnsonSb const *)arg1)->getDelta();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_getLambda(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_getLambda" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
result = (double)((npstat::JohnsonSb const *)arg1)->getLambda();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_getGamma(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_getGamma" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
result = (double)((npstat::JohnsonSb const *)arg1)->getGamma();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_getXi(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_getXi" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
result = (double)((npstat::JohnsonSb const *)arg1)->getXi();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_fitParameters(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
double *arg3 = (double *) 0 ;
double *arg4 = (double *) 0 ;
double *arg5 = (double *) 0 ;
double *arg6 = (double *) 0 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSb_fitParameters", 6, 6, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "JohnsonSb_fitParameters" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "JohnsonSb_fitParameters" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "JohnsonSb_fitParameters" "', argument " "3"" of type '" "double *""'");
}
arg3 = reinterpret_cast< double * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "JohnsonSb_fitParameters" "', argument " "4"" of type '" "double *""'");
}
arg4 = reinterpret_cast< double * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "JohnsonSb_fitParameters" "', argument " "5"" of type '" "double *""'");
}
arg5 = reinterpret_cast< double * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "JohnsonSb_fitParameters" "', argument " "6"" of type '" "double *""'");
}
arg6 = reinterpret_cast< double * >(argp6);
{
try {
result = (bool)npstat::JohnsonSb::fitParameters(arg1,arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_classId" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
{
try {
result = ((npstat::JohnsonSb const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSb *arg1 = (npstat::JohnsonSb *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSb_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSb, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_write" "', argument " "1"" of type '" "npstat::JohnsonSb const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSb * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "JohnsonSb_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "JohnsonSb_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::JohnsonSb const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSb_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::JohnsonSb::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSb_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::JohnsonSb::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSb_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::JohnsonSb *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSb_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSb_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "JohnsonSb_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "JohnsonSb_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "JohnsonSb_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::JohnsonSb *)npstat::JohnsonSb::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSb, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *JohnsonSb_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__JohnsonSb, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *JohnsonSb_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_JohnsonSystem__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
npstat::JohnsonSystem *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_JohnsonSystem" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_JohnsonSystem" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_JohnsonSystem" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_JohnsonSystem" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::JohnsonSystem *)new npstat::JohnsonSystem(arg1,arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSystem, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_JohnsonSystem__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::JohnsonSystem *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::JohnsonSystem *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__JohnsonSystem, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_JohnsonSystem" "', argument " "1"" of type '" "npstat::JohnsonSystem const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_JohnsonSystem" "', argument " "1"" of type '" "npstat::JohnsonSystem const &""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSystem * >(argp1);
{
try {
result = (npstat::JohnsonSystem *)new npstat::JohnsonSystem((npstat::JohnsonSystem const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSystem, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_JohnsonSystem(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_JohnsonSystem", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__JohnsonSystem, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_JohnsonSystem__SWIG_1(self, argc, argv);
}
}
if (argc == 4) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_JohnsonSystem__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_JohnsonSystem'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::JohnsonSystem::JohnsonSystem(double,double,double,double)\n"
" npstat::JohnsonSystem::JohnsonSystem(npstat::JohnsonSystem const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_JohnsonSystem(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSystem *arg1 = (npstat::JohnsonSystem *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSystem, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_JohnsonSystem" "', argument " "1"" of type '" "npstat::JohnsonSystem *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSystem * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSystem *arg1 = (npstat::JohnsonSystem *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::JohnsonSystem *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSystem, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSystem_clone" "', argument " "1"" of type '" "npstat::JohnsonSystem const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSystem * >(argp1);
{
try {
result = (npstat::JohnsonSystem *)((npstat::JohnsonSystem const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSystem, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_skewness(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSystem *arg1 = (npstat::JohnsonSystem *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSystem, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSystem_skewness" "', argument " "1"" of type '" "npstat::JohnsonSystem const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSystem * >(argp1);
{
try {
result = (double)((npstat::JohnsonSystem const *)arg1)->skewness();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_kurtosis(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSystem *arg1 = (npstat::JohnsonSystem *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSystem, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSystem_kurtosis" "', argument " "1"" of type '" "npstat::JohnsonSystem const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSystem * >(argp1);
{
try {
result = (double)((npstat::JohnsonSystem const *)arg1)->kurtosis();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_curveType(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSystem *arg1 = (npstat::JohnsonSystem *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::JohnsonSystem::CurveType result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSystem, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSystem_curveType" "', argument " "1"" of type '" "npstat::JohnsonSystem const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSystem * >(argp1);
{
try {
result = (npstat::JohnsonSystem::CurveType)((npstat::JohnsonSystem const *)arg1)->curveType();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_select(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::JohnsonSystem::CurveType result;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSystem_select", 2, 2, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "JohnsonSystem_select" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "JohnsonSystem_select" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (npstat::JohnsonSystem::CurveType)npstat::JohnsonSystem::select(arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSystem *arg1 = (npstat::JohnsonSystem *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSystem, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSystem_classId" "', argument " "1"" of type '" "npstat::JohnsonSystem const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSystem * >(argp1);
{
try {
result = ((npstat::JohnsonSystem const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonSystem *arg1 = (npstat::JohnsonSystem *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSystem_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonSystem, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSystem_write" "', argument " "1"" of type '" "npstat::JohnsonSystem const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonSystem * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "JohnsonSystem_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "JohnsonSystem_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::JohnsonSystem const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSystem_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::JohnsonSystem::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSystem_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::JohnsonSystem::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonSystem_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::JohnsonSystem *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "JohnsonSystem_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonSystem_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "JohnsonSystem_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "JohnsonSystem_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "JohnsonSystem_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::JohnsonSystem *)npstat::JohnsonSystem::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonSystem, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *JohnsonSystem_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__JohnsonSystem, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *JohnsonSystem_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_CompositeGauss1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeGauss1D *arg1 = (npstat::CompositeGauss1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeGauss1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_CompositeGauss1D" "', argument " "1"" of type '" "npstat::CompositeGauss1D *""'");
}
arg1 = reinterpret_cast< npstat::CompositeGauss1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CompositeGauss1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CompositeGauss1D *arg1 = (npstat::CompositeGauss1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::CompositeGauss1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CompositeGauss1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CompositeGauss1D_clone" "', argument " "1"" of type '" "npstat::CompositeGauss1D const *""'");
}
arg1 = reinterpret_cast< npstat::CompositeGauss1D * >(argp1);
{
try {
result = (npstat::CompositeGauss1D *)((npstat::CompositeGauss1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__CompositeGauss1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *CompositeGauss1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__CompositeGauss1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_BetaGauss1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BetaGauss1D *arg1 = (npstat::BetaGauss1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BetaGauss1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_BetaGauss1D" "', argument " "1"" of type '" "npstat::BetaGauss1D *""'");
}
arg1 = reinterpret_cast< npstat::BetaGauss1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_BetaGauss1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BetaGauss1D *arg1 = (npstat::BetaGauss1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BetaGauss1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BetaGauss1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "BetaGauss1D_clone" "', argument " "1"" of type '" "npstat::BetaGauss1D const *""'");
}
arg1 = reinterpret_cast< npstat::BetaGauss1D * >(argp1);
{
try {
result = (npstat::BetaGauss1D *)((npstat::BetaGauss1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BetaGauss1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *BetaGauss1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BetaGauss1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_LogQuadraticLadder(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LogQuadraticLadder *arg1 = (npstat::LogQuadraticLadder *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LogQuadraticLadder, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LogQuadraticLadder" "', argument " "1"" of type '" "npstat::LogQuadraticLadder *""'");
}
arg1 = reinterpret_cast< npstat::LogQuadraticLadder * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LogQuadraticLadder_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LogQuadraticLadder *arg1 = (npstat::LogQuadraticLadder *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LogQuadraticLadder *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LogQuadraticLadder, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LogQuadraticLadder_clone" "', argument " "1"" of type '" "npstat::LogQuadraticLadder const *""'");
}
arg1 = reinterpret_cast< npstat::LogQuadraticLadder * >(argp1);
{
try {
result = (npstat::LogQuadraticLadder *)((npstat::LogQuadraticLadder const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LogQuadraticLadder, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LogQuadraticLadder_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LogQuadraticLadder, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_BinnedCompositeJohnson(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BinnedCompositeJohnson *arg1 = (npstat::BinnedCompositeJohnson *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BinnedCompositeJohnson, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_BinnedCompositeJohnson" "', argument " "1"" of type '" "npstat::BinnedCompositeJohnson *""'");
}
arg1 = reinterpret_cast< npstat::BinnedCompositeJohnson * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_BinnedCompositeJohnson_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BinnedCompositeJohnson *arg1 = (npstat::BinnedCompositeJohnson *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BinnedCompositeJohnson *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BinnedCompositeJohnson, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "BinnedCompositeJohnson_clone" "', argument " "1"" of type '" "npstat::BinnedCompositeJohnson const *""'");
}
arg1 = reinterpret_cast< npstat::BinnedCompositeJohnson * >(argp1);
{
try {
result = (npstat::BinnedCompositeJohnson *)((npstat::BinnedCompositeJohnson const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BinnedCompositeJohnson, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *BinnedCompositeJohnson_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BinnedCompositeJohnson, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_JohnsonLadder(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonLadder *arg1 = (npstat::JohnsonLadder *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonLadder, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_JohnsonLadder" "', argument " "1"" of type '" "npstat::JohnsonLadder *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonLadder * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonLadder_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonLadder *arg1 = (npstat::JohnsonLadder *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::JohnsonLadder *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonLadder, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonLadder_clone" "', argument " "1"" of type '" "npstat::JohnsonLadder const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonLadder * >(argp1);
{
try {
result = (npstat::JohnsonLadder *)((npstat::JohnsonLadder const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonLadder, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *JohnsonLadder_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__JohnsonLadder, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_lorpeMise1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
unsigned int arg5 ;
double arg6 ;
double arg7 ;
npstat::AbsDistribution1D *arg8 = 0 ;
npstat::BoundaryHandling *arg9 = 0 ;
unsigned int arg10 ;
double *arg11 = (double *) 0 ;
double *arg12 = (double *) 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
void *argp8 = 0 ;
int res8 = 0 ;
void *argp9 = 0 ;
int res9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
double result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "lorpeMise1D" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "lorpeMise1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "lorpeMise1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "lorpeMise1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "lorpeMise1D" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "lorpeMise1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "lorpeMise1D" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
res8 = SWIG_ConvertPtr(swig_obj[7], &argp8, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "lorpeMise1D" "', argument " "8"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp8) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "lorpeMise1D" "', argument " "8"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg8 = reinterpret_cast< npstat::AbsDistribution1D * >(argp8);
res9 = SWIG_ConvertPtr(swig_obj[8], &argp9, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "lorpeMise1D" "', argument " "9"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp9) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "lorpeMise1D" "', argument " "9"" of type '" "npstat::BoundaryHandling const &""'");
}
arg9 = reinterpret_cast< npstat::BoundaryHandling * >(argp9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "lorpeMise1D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[10], &argp11,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "lorpeMise1D" "', argument " "11"" of type '" "double *""'");
}
arg11 = reinterpret_cast< double * >(argp11);
res12 = SWIG_ConvertPtr(swig_obj[11], &argp12,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "lorpeMise1D" "', argument " "12"" of type '" "double *""'");
}
arg12 = reinterpret_cast< double * >(argp12);
{
try {
result = (double)npstat::lorpeMise1D(arg1,arg2,arg3,arg4,arg5,arg6,arg7,(npstat::AbsDistribution1D const &)*arg8,(npstat::BoundaryHandling const &)*arg9,arg10,arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_lorpeMise1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
unsigned int arg5 ;
double arg6 ;
double arg7 ;
npstat::AbsDistribution1D *arg8 = 0 ;
npstat::BoundaryHandling *arg9 = 0 ;
unsigned int arg10 ;
double *arg11 = (double *) 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
void *argp8 = 0 ;
int res8 = 0 ;
void *argp9 = 0 ;
int res9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
double result;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "lorpeMise1D" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "lorpeMise1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "lorpeMise1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "lorpeMise1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "lorpeMise1D" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "lorpeMise1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "lorpeMise1D" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
res8 = SWIG_ConvertPtr(swig_obj[7], &argp8, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "lorpeMise1D" "', argument " "8"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp8) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "lorpeMise1D" "', argument " "8"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg8 = reinterpret_cast< npstat::AbsDistribution1D * >(argp8);
res9 = SWIG_ConvertPtr(swig_obj[8], &argp9, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "lorpeMise1D" "', argument " "9"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp9) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "lorpeMise1D" "', argument " "9"" of type '" "npstat::BoundaryHandling const &""'");
}
arg9 = reinterpret_cast< npstat::BoundaryHandling * >(argp9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "lorpeMise1D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[10], &argp11,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "lorpeMise1D" "', argument " "11"" of type '" "double *""'");
}
arg11 = reinterpret_cast< double * >(argp11);
{
try {
result = (double)npstat::lorpeMise1D(arg1,arg2,arg3,arg4,arg5,arg6,arg7,(npstat::AbsDistribution1D const &)*arg8,(npstat::BoundaryHandling const &)*arg9,arg10,arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_lorpeMise1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
unsigned int arg5 ;
double arg6 ;
double arg7 ;
npstat::AbsDistribution1D *arg8 = 0 ;
npstat::BoundaryHandling *arg9 = 0 ;
unsigned int arg10 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
void *argp8 = 0 ;
int res8 = 0 ;
void *argp9 = 0 ;
int res9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
double result;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "lorpeMise1D" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "lorpeMise1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "lorpeMise1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "lorpeMise1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "lorpeMise1D" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "lorpeMise1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "lorpeMise1D" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
res8 = SWIG_ConvertPtr(swig_obj[7], &argp8, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "lorpeMise1D" "', argument " "8"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp8) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "lorpeMise1D" "', argument " "8"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg8 = reinterpret_cast< npstat::AbsDistribution1D * >(argp8);
res9 = SWIG_ConvertPtr(swig_obj[8], &argp9, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "lorpeMise1D" "', argument " "9"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp9) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "lorpeMise1D" "', argument " "9"" of type '" "npstat::BoundaryHandling const &""'");
}
arg9 = reinterpret_cast< npstat::BoundaryHandling * >(argp9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "lorpeMise1D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
{
try {
result = (double)npstat::lorpeMise1D(arg1,arg2,arg3,arg4,arg5,arg6,arg7,(npstat::AbsDistribution1D const &)*arg8,(npstat::BoundaryHandling const &)*arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_lorpeMise1D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
double arg4 ;
unsigned int arg5 ;
double arg6 ;
double arg7 ;
npstat::AbsDistribution1D *arg8 = 0 ;
npstat::BoundaryHandling *arg9 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
void *argp8 = 0 ;
int res8 = 0 ;
void *argp9 = 0 ;
int res9 = 0 ;
double result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "lorpeMise1D" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "lorpeMise1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "lorpeMise1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "lorpeMise1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "lorpeMise1D" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "lorpeMise1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "lorpeMise1D" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
res8 = SWIG_ConvertPtr(swig_obj[7], &argp8, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "lorpeMise1D" "', argument " "8"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp8) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "lorpeMise1D" "', argument " "8"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg8 = reinterpret_cast< npstat::AbsDistribution1D * >(argp8);
res9 = SWIG_ConvertPtr(swig_obj[8], &argp9, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "lorpeMise1D" "', argument " "9"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp9) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "lorpeMise1D" "', argument " "9"" of type '" "npstat::BoundaryHandling const &""'");
}
arg9 = reinterpret_cast< npstat::BoundaryHandling * >(argp9);
{
try {
result = (double)npstat::lorpeMise1D(arg1,arg2,arg3,arg4,arg5,arg6,arg7,(npstat::AbsDistribution1D const &)*arg8,(npstat::BoundaryHandling const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_lorpeMise1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[13] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "lorpeMise1D", 0, 12, argv))) SWIG_fail;
--argc;
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[7], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_lorpeMise1D__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[7], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_lorpeMise1D__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[7], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[10], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_lorpeMise1D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[7], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[10], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[11], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_lorpeMise1D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'lorpeMise1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::lorpeMise1D(int,double,double,double,unsigned int,double,double,npstat::AbsDistribution1D const &,npstat::BoundaryHandling const &,unsigned int,double *,double *)\n"
" npstat::lorpeMise1D(int,double,double,double,unsigned int,double,double,npstat::AbsDistribution1D const &,npstat::BoundaryHandling const &,unsigned int,double *)\n"
" npstat::lorpeMise1D(int,double,double,double,unsigned int,double,double,npstat::AbsDistribution1D const &,npstat::BoundaryHandling const &,unsigned int)\n"
" npstat::lorpeMise1D(int,double,double,double,unsigned int,double,double,npstat::AbsDistribution1D const &,npstat::BoundaryHandling const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_UCharAbsBandwidthGCV1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< unsigned char,double > *arg1 = (npstat::AbsBandwidthGCV1D< unsigned char,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_unsigned_char_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharAbsBandwidthGCV1D" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< unsigned char,double > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< unsigned char,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharAbsBandwidthGCV1D_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< unsigned char,double > *arg1 = (npstat::AbsBandwidthGCV1D< unsigned char,double > *) 0 ;
npstat::HistoND< unsigned char,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "UCharAbsBandwidthGCV1D_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_unsigned_char_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharAbsBandwidthGCV1D_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< unsigned char,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< unsigned char,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< unsigned char,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< unsigned char,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "UCharAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< unsigned char,double > const *)arg1)->cv((npstat::HistoND< unsigned char,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilter1D const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharAbsBandwidthGCV1D_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< unsigned char,double > *arg1 = (npstat::AbsBandwidthGCV1D< unsigned char,double > *) 0 ;
npstat::HistoND< unsigned char,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "UCharAbsBandwidthGCV1D_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_unsigned_char_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharAbsBandwidthGCV1D_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< unsigned char,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< unsigned char,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< unsigned char,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< unsigned char,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharAbsBandwidthGCV1D_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "UCharAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< unsigned char,double > const *)arg1)->cvWeighted((npstat::HistoND< unsigned char,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilter1D const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharAbsBandwidthGCV1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_unsigned_char_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_IntAbsBandwidthGCV1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< int,double > *arg1 = (npstat::AbsBandwidthGCV1D< int,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_int_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntAbsBandwidthGCV1D" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< int,double > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< int,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntAbsBandwidthGCV1D_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< int,double > *arg1 = (npstat::AbsBandwidthGCV1D< int,double > *) 0 ;
npstat::HistoND< int,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "IntAbsBandwidthGCV1D_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_int_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntAbsBandwidthGCV1D_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< int,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< int,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< int,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< int,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "IntAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< int,double > const *)arg1)->cv((npstat::HistoND< int,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilter1D const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntAbsBandwidthGCV1D_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< int,double > *arg1 = (npstat::AbsBandwidthGCV1D< int,double > *) 0 ;
npstat::HistoND< int,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "IntAbsBandwidthGCV1D_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_int_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntAbsBandwidthGCV1D_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< int,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< int,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< int,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< int,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntAbsBandwidthGCV1D_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "IntAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< int,double > const *)arg1)->cvWeighted((npstat::HistoND< int,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilter1D const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntAbsBandwidthGCV1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_int_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_LongAbsBandwidthGCV1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< long,double > *arg1 = (npstat::AbsBandwidthGCV1D< long,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongAbsBandwidthGCV1D" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< long,double > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< long,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongAbsBandwidthGCV1D_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< long,double > *arg1 = (npstat::AbsBandwidthGCV1D< long,double > *) 0 ;
npstat::HistoND< long,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "LongAbsBandwidthGCV1D_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongAbsBandwidthGCV1D_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< long,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< long,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< long,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< long,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LongAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< long,double > const *)arg1)->cv((npstat::HistoND< long,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilter1D const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongAbsBandwidthGCV1D_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< long,double > *arg1 = (npstat::AbsBandwidthGCV1D< long,double > *) 0 ;
npstat::HistoND< long,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "LongAbsBandwidthGCV1D_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongAbsBandwidthGCV1D_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< long,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< long,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< long,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< long,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongAbsBandwidthGCV1D_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LongAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< long,double > const *)arg1)->cvWeighted((npstat::HistoND< long,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilter1D const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongAbsBandwidthGCV1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_FloatAbsBandwidthGCV1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< float,double > *arg1 = (npstat::AbsBandwidthGCV1D< float,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_float_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatAbsBandwidthGCV1D" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< float,double > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< float,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatAbsBandwidthGCV1D_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< float,double > *arg1 = (npstat::AbsBandwidthGCV1D< float,double > *) 0 ;
npstat::HistoND< float,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "FloatAbsBandwidthGCV1D_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_float_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatAbsBandwidthGCV1D_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< float,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< float,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< float,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< float,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "FloatAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< float,double > const *)arg1)->cv((npstat::HistoND< float,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilter1D const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatAbsBandwidthGCV1D_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< float,double > *arg1 = (npstat::AbsBandwidthGCV1D< float,double > *) 0 ;
npstat::HistoND< float,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "FloatAbsBandwidthGCV1D_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_float_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatAbsBandwidthGCV1D_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< float,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< float,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< float,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< float,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatAbsBandwidthGCV1D_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "FloatAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< float,double > const *)arg1)->cvWeighted((npstat::HistoND< float,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilter1D const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatAbsBandwidthGCV1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_float_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleAbsBandwidthGCV1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< double,double > *arg1 = (npstat::AbsBandwidthGCV1D< double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleAbsBandwidthGCV1D" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< double,double > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleAbsBandwidthGCV1D_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< double,double > *arg1 = (npstat::AbsBandwidthGCV1D< double,double > *) 0 ;
npstat::HistoND< double,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleAbsBandwidthGCV1D_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleAbsBandwidthGCV1D_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< double,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleAbsBandwidthGCV1D_cv" "', argument " "2"" of type '" "npstat::HistoND< double,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "DoubleAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleAbsBandwidthGCV1D_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< double,double > const *)arg1)->cv((npstat::HistoND< double,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilter1D const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleAbsBandwidthGCV1D_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCV1D< double,double > *arg1 = (npstat::AbsBandwidthGCV1D< double,double > *) 0 ;
npstat::HistoND< double,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilter1D *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleAbsBandwidthGCV1D_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleAbsBandwidthGCV1D_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCV1D< double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCV1D< double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< double,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleAbsBandwidthGCV1D_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< double,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleAbsBandwidthGCV1D_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilter1D, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "DoubleAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleAbsBandwidthGCV1D_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilter1D const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilter1D * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCV1D< double,double > const *)arg1)->cvWeighted((npstat::HistoND< double,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilter1D const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleAbsBandwidthGCV1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCV1DT_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_UCharAbsBandwidthGCVND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharAbsBandwidthGCVND" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharAbsBandwidthGCVND_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< unsigned char,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "UCharAbsBandwidthGCVND_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharAbsBandwidthGCVND_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< unsigned char,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< unsigned char,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "UCharAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > const *)arg1)->cv((npstat::HistoND< unsigned char,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharAbsBandwidthGCVND_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< unsigned char,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "UCharAbsBandwidthGCVND_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharAbsBandwidthGCVND_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< unsigned char,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< unsigned char,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharAbsBandwidthGCVND_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "UCharAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< unsigned char,npstat::ArrayND< double > > const *)arg1)->cvWeighted((npstat::HistoND< unsigned char,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharAbsBandwidthGCVND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_IntAbsBandwidthGCVND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntAbsBandwidthGCVND" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntAbsBandwidthGCVND_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< int,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "IntAbsBandwidthGCVND_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntAbsBandwidthGCVND_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< int,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< int,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "IntAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > const *)arg1)->cv((npstat::HistoND< int,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntAbsBandwidthGCVND_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< int,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "IntAbsBandwidthGCVND_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntAbsBandwidthGCVND_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< int,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< int,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntAbsBandwidthGCVND_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "IntAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< int,npstat::ArrayND< double > > const *)arg1)->cvWeighted((npstat::HistoND< int,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntAbsBandwidthGCVND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_LongAbsBandwidthGCVND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongAbsBandwidthGCVND" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongAbsBandwidthGCVND_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< long,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "LongAbsBandwidthGCVND_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongAbsBandwidthGCVND_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< long,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< long,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LongAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > const *)arg1)->cv((npstat::HistoND< long,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongAbsBandwidthGCVND_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< long,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "LongAbsBandwidthGCVND_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongAbsBandwidthGCVND_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< long,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< long,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongAbsBandwidthGCVND_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LongAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< long,npstat::ArrayND< double > > const *)arg1)->cvWeighted((npstat::HistoND< long,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongAbsBandwidthGCVND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_FloatAbsBandwidthGCVND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatAbsBandwidthGCVND" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatAbsBandwidthGCVND_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< float,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "FloatAbsBandwidthGCVND_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatAbsBandwidthGCVND_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< float,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< float,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "FloatAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > const *)arg1)->cv((npstat::HistoND< float,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatAbsBandwidthGCVND_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< float,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "FloatAbsBandwidthGCVND_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatAbsBandwidthGCVND_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< float,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< float,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatAbsBandwidthGCVND_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "FloatAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< float,npstat::ArrayND< double > > const *)arg1)->cvWeighted((npstat::HistoND< float,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatAbsBandwidthGCVND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleAbsBandwidthGCVND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleAbsBandwidthGCVND" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleAbsBandwidthGCVND_cv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< double,npstat::HistoAxis > *arg2 = 0 ;
PyObject *arg3 = (PyObject *) 0 ;
PyObject *arg4 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleAbsBandwidthGCVND_cv", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleAbsBandwidthGCVND_cv" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< double,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleAbsBandwidthGCVND_cv" "', argument " "2"" of type '" "npstat::HistoND< double,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp2);
arg3 = swig_obj[2];
arg4 = swig_obj[3];
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "DoubleAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleAbsBandwidthGCVND_cv" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > const *)arg1)->cv((npstat::HistoND< double,npstat::HistoAxis > const &)*arg2,arg3,arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleAbsBandwidthGCVND_cvWeighted(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > *arg1 = (npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< double,npstat::HistoAxis > *arg2 = 0 ;
double arg3 ;
PyObject *arg4 = (PyObject *) 0 ;
PyObject *arg5 = (PyObject *) 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleAbsBandwidthGCVND_cvWeighted", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleAbsBandwidthGCVND_cvWeighted" "', argument " "1"" of type '" "npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< double,npstat::HistoAxis > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleAbsBandwidthGCVND_cvWeighted" "', argument " "2"" of type '" "npstat::HistoND< double,npstat::HistoAxis > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleAbsBandwidthGCVND_cvWeighted" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
arg4 = swig_obj[3];
arg5 = swig_obj[4];
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "DoubleAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleAbsBandwidthGCVND_cvWeighted" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::AbsBandwidthGCVND< double,npstat::ArrayND< double > > const *)arg1)->cvWeighted((npstat::HistoND< double,npstat::HistoAxis > const &)*arg2,arg3,arg4,arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleAbsBandwidthGCVND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistribution1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
unsigned int val1 ;
int ecode1 = 0 ;
npstat::InterpolatedDistribution1D *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_InterpolatedDistribution1D" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
{
try {
result = (npstat::InterpolatedDistribution1D *)new npstat::InterpolatedDistribution1D(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistribution1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::InterpolatedDistribution1D *)new npstat::InterpolatedDistribution1D();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistribution1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_InterpolatedDistribution1D", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_InterpolatedDistribution1D__SWIG_1(self, argc, argv);
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_InterpolatedDistribution1D__SWIG_0(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_InterpolatedDistribution1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InterpolatedDistribution1D::InterpolatedDistribution1D(unsigned int)\n"
" npstat::InterpolatedDistribution1D::InterpolatedDistribution1D()\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_InterpolatedDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_InterpolatedDistribution1D" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::InterpolatedDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_clone" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
{
try {
result = (npstat::InterpolatedDistribution1D *)((npstat::InterpolatedDistribution1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_add(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_add", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_add" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "InterpolatedDistribution1D_add" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "InterpolatedDistribution1D_add" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "InterpolatedDistribution1D_add" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->add((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_replace(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
unsigned int arg2 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_replace", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_replace" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistribution1D_replace" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "InterpolatedDistribution1D_replace" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "InterpolatedDistribution1D_replace" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "InterpolatedDistribution1D_replace" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
(arg1)->replace(arg2,(npstat::AbsDistribution1D const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_setWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_setWeight", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_setWeight" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistribution1D_setWeight" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "InterpolatedDistribution1D_setWeight" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->setWeight(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_clear" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_normalizeAutomatically(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_normalizeAutomatically", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_normalizeAutomatically" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistribution1D_normalizeAutomatically" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->normalizeAutomatically(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_size(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_size" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
{
try {
result = (unsigned int)((npstat::InterpolatedDistribution1D const *)arg1)->size();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_expectedSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_expectedSize" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
{
try {
result = (unsigned int)((npstat::InterpolatedDistribution1D const *)arg1)->expectedSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_density" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistribution1D_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistribution1D const *)arg1)->density(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_cdf" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistribution1D_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistribution1D const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_exceedance" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistribution1D_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistribution1D const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_quantile" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistribution1D_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistribution1D const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_densityAndCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
double arg2 ;
double *arg3 = (double *) 0 ;
double *arg4 = (double *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
int res3 = SWIG_TMPOBJ ;
double temp4 ;
int res4 = SWIG_TMPOBJ ;
PyObject *swig_obj[2] ;
arg3 = &temp3;
arg4 = &temp4;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_densityAndCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_densityAndCdf" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistribution1D_densityAndCdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
((npstat::InterpolatedDistribution1D const *)arg1)->densityAndCdf(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsTmpObj(res3)) {
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_From_double((*arg3)));
} else {
int new_flags = SWIG_IsNewObj(res3) ? (SWIG_POINTER_OWN | 0 ) : 0 ;
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_NewPointerObj((void*)(arg3), SWIGTYPE_p_double, new_flags));
}
if (SWIG_IsTmpObj(res4)) {
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_From_double((*arg4)));
} else {
int new_flags = SWIG_IsNewObj(res4) ? (SWIG_POINTER_OWN | 0 ) : 0 ;
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_NewPointerObj((void*)(arg4), SWIGTYPE_p_double, new_flags));
}
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistribution1D *arg1 = (npstat::InterpolatedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistribution1D_classId" "', argument " "1"" of type '" "npstat::InterpolatedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistribution1D * >(argp1);
{
try {
result = ((npstat::InterpolatedDistribution1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::InterpolatedDistribution1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistribution1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistribution1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::InterpolatedDistribution1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *InterpolatedDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__InterpolatedDistribution1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *InterpolatedDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_CopulaInterpolationND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int arg1 ;
unsigned int arg2 ;
unsigned int val1 ;
int ecode1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::CopulaInterpolationND *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_CopulaInterpolationND", 2, 2, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_CopulaInterpolationND" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_CopulaInterpolationND" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (npstat::CopulaInterpolationND *)new npstat::CopulaInterpolationND(arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__CopulaInterpolationND, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_CopulaInterpolationND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_CopulaInterpolationND" "', argument " "1"" of type '" "npstat::CopulaInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::CopulaInterpolationND *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_clone" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
{
try {
result = (npstat::CopulaInterpolationND *)((npstat::CopulaInterpolationND const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__CopulaInterpolationND, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_mappedByQuantiles(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_mappedByQuantiles" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
{
try {
result = (bool)((npstat::CopulaInterpolationND const *)arg1)->mappedByQuantiles();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_add(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
npstat::AbsDistributionND *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_add", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_add" "', argument " "1"" of type '" "npstat::CopulaInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "CopulaInterpolationND_add" "', argument " "2"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "CopulaInterpolationND_add" "', argument " "2"" of type '" "npstat::AbsDistributionND const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistributionND * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "CopulaInterpolationND_add" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->add((npstat::AbsDistributionND const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_replace(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
unsigned int arg2 ;
npstat::AbsDistributionND *arg3 = 0 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_replace", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_replace" "', argument " "1"" of type '" "npstat::CopulaInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CopulaInterpolationND_replace" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "CopulaInterpolationND_replace" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "CopulaInterpolationND_replace" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "CopulaInterpolationND_replace" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
(arg1)->replace(arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_setWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_setWeight", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_setWeight" "', argument " "1"" of type '" "npstat::CopulaInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CopulaInterpolationND_setWeight" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "CopulaInterpolationND_setWeight" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->setWeight(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_clear" "', argument " "1"" of type '" "npstat::CopulaInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_normalizeAutomatically(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_normalizeAutomatically", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_normalizeAutomatically" "', argument " "1"" of type '" "npstat::CopulaInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CopulaInterpolationND_normalizeAutomatically" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->normalizeAutomatically(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_size(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_size" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
{
try {
result = (unsigned int)((npstat::CopulaInterpolationND const *)arg1)->size();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_density" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (double)((npstat::CopulaInterpolationND const *)arg1)->density((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_unitMap(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
double *arg4 = (double *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_unitMap", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_unitMap" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "CopulaInterpolationND_unitMap" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "CopulaInterpolationND_unitMap" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "CopulaInterpolationND_unitMap" "', argument " "4"" of type '" "double *""'");
}
arg4 = reinterpret_cast< double * >(argp4);
{
try {
((npstat::CopulaInterpolationND const *)arg1)->unitMap((double const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_copulaDensity(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_copulaDensity", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_copulaDensity" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (double)((npstat::CopulaInterpolationND const *)arg1)->copulaDensity((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_productOfTheMarginals(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_productOfTheMarginals", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_productOfTheMarginals" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (double)((npstat::CopulaInterpolationND const *)arg1)->productOfTheMarginals((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_marginalDensity(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_marginalDensity", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_marginalDensity" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CopulaInterpolationND_marginalDensity" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "CopulaInterpolationND_marginalDensity" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::CopulaInterpolationND const *)arg1)->marginalDensity(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_marginalCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_marginalCdf", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_marginalCdf" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CopulaInterpolationND_marginalCdf" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "CopulaInterpolationND_marginalCdf" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::CopulaInterpolationND const *)arg1)->marginalCdf(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_marginalExceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_marginalExceedance", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_marginalExceedance" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CopulaInterpolationND_marginalExceedance" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "CopulaInterpolationND_marginalExceedance" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::CopulaInterpolationND const *)arg1)->marginalExceedance(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_marginalQuantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_marginalQuantile", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_marginalQuantile" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "CopulaInterpolationND_marginalQuantile" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "CopulaInterpolationND_marginalQuantile" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::CopulaInterpolationND const *)arg1)->marginalQuantile(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::CopulaInterpolationND *arg1 = (npstat::CopulaInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__CopulaInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "CopulaInterpolationND_classId" "', argument " "1"" of type '" "npstat::CopulaInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::CopulaInterpolationND * >(argp1);
{
try {
result = ((npstat::CopulaInterpolationND const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::CopulaInterpolationND::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_CopulaInterpolationND_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "CopulaInterpolationND_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::CopulaInterpolationND::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *CopulaInterpolationND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__CopulaInterpolationND, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *CopulaInterpolationND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_SeriesCGF1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double *arg1 = (double *) 0 ;
unsigned int arg2 ;
double arg3 ;
double arg4 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[3] ;
npstat::SeriesCGF1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_SeriesCGF1D", 3, 3, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_DOUBLE,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (double*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_double(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SeriesCGF1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[2], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SeriesCGF1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::SeriesCGF1D *)new npstat::SeriesCGF1D((double const *)arg1,arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SeriesCGF1D, SWIG_POINTER_NEW | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::SeriesCGF1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_clone" "', argument " "1"" of type '" "npstat::SeriesCGF1D const *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
{
try {
result = (npstat::SeriesCGF1D *)((npstat::SeriesCGF1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SeriesCGF1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_SeriesCGF1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_SeriesCGF1D" "', argument " "1"" of type '" "npstat::SeriesCGF1D *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_shiftAndScale(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::SeriesCGF1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "SeriesCGF1D_shiftAndScale", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_shiftAndScale" "', argument " "1"" of type '" "npstat::SeriesCGF1D const *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SeriesCGF1D_shiftAndScale" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "SeriesCGF1D_shiftAndScale" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::SeriesCGF1D *)((npstat::SeriesCGF1D const *)arg1)->shiftAndScale(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SeriesCGF1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_smin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_smin" "', argument " "1"" of type '" "npstat::SeriesCGF1D const *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
{
try {
result = (double)((npstat::SeriesCGF1D const *)arg1)->smin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_smax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_smax" "', argument " "1"" of type '" "npstat::SeriesCGF1D const *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
{
try {
result = (double)((npstat::SeriesCGF1D const *)arg1)->smax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_derivative(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "SeriesCGF1D_derivative", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_derivative" "', argument " "1"" of type '" "npstat::SeriesCGF1D const *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SeriesCGF1D_derivative" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "SeriesCGF1D_derivative" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::SeriesCGF1D const *)arg1)->derivative(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_setCumulant(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "SeriesCGF1D_setCumulant", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_setCumulant" "', argument " "1"" of type '" "npstat::SeriesCGF1D *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SeriesCGF1D_setCumulant" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "SeriesCGF1D_setCumulant" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->setCumulant(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_maxOrder(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_maxOrder" "', argument " "1"" of type '" "npstat::SeriesCGF1D const *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
{
try {
result = (unsigned int)((npstat::SeriesCGF1D const *)arg1)->maxOrder();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_allCumulants(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_allCumulants" "', argument " "1"" of type '" "npstat::SeriesCGF1D const *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
{
try {
result = (std::vector< double,std::allocator< double > > *) &((npstat::SeriesCGF1D const *)arg1)->allCumulants();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_isConvex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "SeriesCGF1D_isConvex", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_isConvex" "', argument " "1"" of type '" "npstat::SeriesCGF1D const *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SeriesCGF1D_isConvex" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "SeriesCGF1D_isConvex" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (bool)((npstat::SeriesCGF1D const *)arg1)->isConvex(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_SeriesCGF1D_convexify(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SeriesCGF1D *arg1 = (npstat::SeriesCGF1D *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
SwigValueWrapper< npstat::SeriesCGF1D > result;
if (!SWIG_Python_UnpackTuple(args, "SeriesCGF1D_convexify", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SeriesCGF1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "SeriesCGF1D_convexify" "', argument " "1"" of type '" "npstat::SeriesCGF1D const *""'");
}
arg1 = reinterpret_cast< npstat::SeriesCGF1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "SeriesCGF1D_convexify" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "SeriesCGF1D_convexify" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::SeriesCGF1D const *)arg1)->convexify(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::SeriesCGF1D(static_cast< const npstat::SeriesCGF1D& >(result))), SWIGTYPE_p_npstat__SeriesCGF1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *SeriesCGF1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__SeriesCGF1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *SeriesCGF1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_UCharBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharBandwidthGCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthGCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< unsigned char > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< unsigned char > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthGCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< unsigned char > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::ArrayND< double,1U,10U > *arg5 = 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg5 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< unsigned char > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::ArrayND< double,1U,10U > const &)*arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthGCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "UCharBandwidthGCVLeastSquaresND___call__", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_UCharBandwidthGCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_UCharBandwidthGCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'UCharBandwidthGCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > >::operator ()(npstat::HistoND< unsigned char > const &,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > >::operator ()(npstat::HistoND< unsigned char > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_UCharBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharBandwidthGCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *)new npstat::BandwidthGCVLeastSquaresND< unsigned char,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharBandwidthGCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharBandwidthGCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_IntBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntBandwidthGCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthGCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< int > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< int > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthGCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< int > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::ArrayND< double,1U,10U > *arg5 = 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg5 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< int > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::ArrayND< double,1U,10U > const &)*arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthGCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "IntBandwidthGCVLeastSquaresND___call__", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_int_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_IntBandwidthGCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_int_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_IntBandwidthGCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'IntBandwidthGCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > >::operator ()(npstat::HistoND< int > const &,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > >::operator ()(npstat::HistoND< int > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_IntBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntBandwidthGCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > > *)new npstat::BandwidthGCVLeastSquaresND< int,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntBandwidthGCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntBandwidthGCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_LongBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongBandwidthGCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthGCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< long > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< long > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthGCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< long > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::ArrayND< double,1U,10U > *arg5 = 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg5 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< long > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::ArrayND< double,1U,10U > const &)*arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthGCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LongBandwidthGCVLeastSquaresND___call__", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_long_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LongBandwidthGCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_long_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LongBandwidthGCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LongBandwidthGCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > >::operator ()(npstat::HistoND< long > const &,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > >::operator ()(npstat::HistoND< long > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_LongBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongBandwidthGCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > > *)new npstat::BandwidthGCVLeastSquaresND< long,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongBandwidthGCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongBandwidthGCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_FloatBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatBandwidthGCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthGCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< float > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< float > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthGCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< float > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::ArrayND< double,1U,10U > *arg5 = 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg5 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< float > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::ArrayND< double,1U,10U > const &)*arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthGCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "FloatBandwidthGCVLeastSquaresND___call__", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_float_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_FloatBandwidthGCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_float_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_FloatBandwidthGCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'FloatBandwidthGCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > >::operator ()(npstat::HistoND< float > const &,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > >::operator ()(npstat::HistoND< float > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_FloatBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatBandwidthGCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > > *)new npstat::BandwidthGCVLeastSquaresND< float,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatBandwidthGCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatBandwidthGCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_DoubleBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleBandwidthGCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthGCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< double > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< double > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthGCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< double > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::ArrayND< double,1U,10U > *arg5 = 0 ;
npstat::AbsPolyFilterND *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg5 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthGCVLeastSquaresND___call__" "', argument " "6"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg6 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp6);
{
try {
result = (double)((npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< double > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::ArrayND< double,1U,10U > const &)*arg5,(npstat::AbsPolyFilterND const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthGCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleBandwidthGCVLeastSquaresND___call__", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleBandwidthGCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleBandwidthGCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleBandwidthGCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > >::operator ()(npstat::HistoND< double > const &,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > >::operator ()(npstat::HistoND< double > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_DoubleBandwidthGCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleBandwidthGCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > > *)new npstat::BandwidthGCVLeastSquaresND< double,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleBandwidthGCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleBandwidthGCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ConstantBandwidthSmoother1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
double arg2 ;
double arg3 ;
int arg4 ;
unsigned int arg5 ;
double arg6 ;
double arg7 ;
bool arg8 ;
char *arg9 = (char *) 0 ;
unsigned int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 ;
char *buf9 = 0 ;
int alloc9 = 0 ;
npstat::ConstantBandwidthSmoother1D *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "4"" of type '" "int""'");
}
arg4 = static_cast< int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
res9 = SWIG_AsCharPtrAndSize(swig_obj[8], &buf9, NULL, &alloc9);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "9"" of type '" "char const *""'");
}
arg9 = reinterpret_cast< char * >(buf9);
{
try {
result = (npstat::ConstantBandwidthSmoother1D *)new npstat::ConstantBandwidthSmoother1D(arg1,arg2,arg3,arg4,arg5,arg6,arg7,arg8,(char const *)arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, SWIG_POINTER_NEW | 0 );
if (alloc9 == SWIG_NEWOBJ) delete[] buf9;
return resultobj;
fail:
if (alloc9 == SWIG_NEWOBJ) delete[] buf9;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ConstantBandwidthSmoother1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
double arg2 ;
double arg3 ;
int arg4 ;
unsigned int arg5 ;
double arg6 ;
double arg7 ;
bool arg8 ;
unsigned int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
npstat::ConstantBandwidthSmoother1D *result = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "4"" of type '" "int""'");
}
arg4 = static_cast< int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
try {
result = (npstat::ConstantBandwidthSmoother1D *)new npstat::ConstantBandwidthSmoother1D(arg1,arg2,arg3,arg4,arg5,arg6,arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ConstantBandwidthSmoother1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
double arg2 ;
double arg3 ;
int arg4 ;
unsigned int arg5 ;
double arg6 ;
double arg7 ;
unsigned int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
npstat::ConstantBandwidthSmoother1D *result = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "4"" of type '" "int""'");
}
arg4 = static_cast< int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
{
try {
result = (npstat::ConstantBandwidthSmoother1D *)new npstat::ConstantBandwidthSmoother1D(arg1,arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ConstantBandwidthSmoother1D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
double arg2 ;
double arg3 ;
int arg4 ;
unsigned int arg5 ;
double arg6 ;
unsigned int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
npstat::ConstantBandwidthSmoother1D *result = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "4"" of type '" "int""'");
}
arg4 = static_cast< int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
{
try {
result = (npstat::ConstantBandwidthSmoother1D *)new npstat::ConstantBandwidthSmoother1D(arg1,arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ConstantBandwidthSmoother1D__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
double arg2 ;
double arg3 ;
int arg4 ;
unsigned int arg5 ;
unsigned int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
npstat::ConstantBandwidthSmoother1D *result = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "4"" of type '" "int""'");
}
arg4 = static_cast< int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_ConstantBandwidthSmoother1D" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
{
try {
result = (npstat::ConstantBandwidthSmoother1D *)new npstat::ConstantBandwidthSmoother1D(arg1,arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ConstantBandwidthSmoother1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[10] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_ConstantBandwidthSmoother1D", 0, 9, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ConstantBandwidthSmoother1D__SWIG_4(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ConstantBandwidthSmoother1D__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ConstantBandwidthSmoother1D__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_ConstantBandwidthSmoother1D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[8], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ConstantBandwidthSmoother1D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_ConstantBandwidthSmoother1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ConstantBandwidthSmoother1D::ConstantBandwidthSmoother1D(unsigned int,double,double,int,unsigned int,double,double,bool,char const *)\n"
" npstat::ConstantBandwidthSmoother1D::ConstantBandwidthSmoother1D(unsigned int,double,double,int,unsigned int,double,double,bool)\n"
" npstat::ConstantBandwidthSmoother1D::ConstantBandwidthSmoother1D(unsigned int,double,double,int,unsigned int,double,double)\n"
" npstat::ConstantBandwidthSmoother1D::ConstantBandwidthSmoother1D(unsigned int,double,double,int,unsigned int,double)\n"
" npstat::ConstantBandwidthSmoother1D::ConstantBandwidthSmoother1D(unsigned int,double,double,int,unsigned int)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_ConstantBandwidthSmoother1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ConstantBandwidthSmoother1D *arg1 = (npstat::ConstantBandwidthSmoother1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ConstantBandwidthSmoother1D" "', argument " "1"" of type '" "npstat::ConstantBandwidthSmoother1D *""'");
}
arg1 = reinterpret_cast< npstat::ConstantBandwidthSmoother1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ConstantBandwidthSmoother1D_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ConstantBandwidthSmoother1D *arg1 = (npstat::ConstantBandwidthSmoother1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ConstantBandwidthSmoother1D_symbetaPower" "', argument " "1"" of type '" "npstat::ConstantBandwidthSmoother1D const *""'");
}
arg1 = reinterpret_cast< npstat::ConstantBandwidthSmoother1D * >(argp1);
{
try {
result = (int)((npstat::ConstantBandwidthSmoother1D const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ConstantBandwidthSmoother1D_kernelOrder(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ConstantBandwidthSmoother1D *arg1 = (npstat::ConstantBandwidthSmoother1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ConstantBandwidthSmoother1D_kernelOrder" "', argument " "1"" of type '" "npstat::ConstantBandwidthSmoother1D const *""'");
}
arg1 = reinterpret_cast< npstat::ConstantBandwidthSmoother1D * >(argp1);
{
try {
result = (unsigned int)((npstat::ConstantBandwidthSmoother1D const *)arg1)->kernelOrder();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ConstantBandwidthSmoother1D_fixedBandwidth(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ConstantBandwidthSmoother1D *arg1 = (npstat::ConstantBandwidthSmoother1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ConstantBandwidthSmoother1D_fixedBandwidth" "', argument " "1"" of type '" "npstat::ConstantBandwidthSmoother1D const *""'");
}
arg1 = reinterpret_cast< npstat::ConstantBandwidthSmoother1D * >(argp1);
{
try {
result = (double)((npstat::ConstantBandwidthSmoother1D const *)arg1)->fixedBandwidth();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ConstantBandwidthSmoother1D_bwFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ConstantBandwidthSmoother1D *arg1 = (npstat::ConstantBandwidthSmoother1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ConstantBandwidthSmoother1D_bwFactor" "', argument " "1"" of type '" "npstat::ConstantBandwidthSmoother1D const *""'");
}
arg1 = reinterpret_cast< npstat::ConstantBandwidthSmoother1D * >(argp1);
{
try {
result = (double)((npstat::ConstantBandwidthSmoother1D const *)arg1)->bwFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ConstantBandwidthSmoother1D_mirrorsData(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ConstantBandwidthSmoother1D *arg1 = (npstat::ConstantBandwidthSmoother1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ConstantBandwidthSmoother1D_mirrorsData" "', argument " "1"" of type '" "npstat::ConstantBandwidthSmoother1D const *""'");
}
arg1 = reinterpret_cast< npstat::ConstantBandwidthSmoother1D * >(argp1);
{
try {
result = (bool)((npstat::ConstantBandwidthSmoother1D const *)arg1)->mirrorsData();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ConstantBandwidthSmoother1D_dataLen(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ConstantBandwidthSmoother1D *arg1 = (npstat::ConstantBandwidthSmoother1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ConstantBandwidthSmoother1D_dataLen" "', argument " "1"" of type '" "npstat::ConstantBandwidthSmoother1D const *""'");
}
arg1 = reinterpret_cast< npstat::ConstantBandwidthSmoother1D * >(argp1);
{
try {
result = (unsigned int)((npstat::ConstantBandwidthSmoother1D const *)arg1)->dataLen();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ConstantBandwidthSmoother1D_selfContribution(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ConstantBandwidthSmoother1D *arg1 = (npstat::ConstantBandwidthSmoother1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "ConstantBandwidthSmoother1D_selfContribution", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ConstantBandwidthSmoother1D_selfContribution" "', argument " "1"" of type '" "npstat::ConstantBandwidthSmoother1D const *""'");
}
arg1 = reinterpret_cast< npstat::ConstantBandwidthSmoother1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ConstantBandwidthSmoother1D_selfContribution" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (double)((npstat::ConstantBandwidthSmoother1D const *)arg1)->selfContribution(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ConstantBandwidthSmoother1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ConstantBandwidthSmoother1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ConstantBandwidthSmoother1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_GaussianMixtureEntry__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::GaussianMixtureEntry *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::GaussianMixtureEntry *)new npstat::GaussianMixtureEntry();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixtureEntry__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
double arg3 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
npstat::GaussianMixtureEntry *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_GaussianMixtureEntry" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_GaussianMixtureEntry" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_GaussianMixtureEntry" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::GaussianMixtureEntry *)new npstat::GaussianMixtureEntry(arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixtureEntry(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_GaussianMixtureEntry", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_GaussianMixtureEntry__SWIG_0(self, argc, argv);
}
if (argc == 3) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_GaussianMixtureEntry__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_GaussianMixtureEntry'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::GaussianMixtureEntry::GaussianMixtureEntry()\n"
" npstat::GaussianMixtureEntry::GaussianMixtureEntry(double const,double const,double const)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry_weight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixtureEntry *arg1 = (npstat::GaussianMixtureEntry *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntry_weight" "', argument " "1"" of type '" "npstat::GaussianMixtureEntry const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp1);
{
try {
result = (double)((npstat::GaussianMixtureEntry const *)arg1)->weight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry_mean(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixtureEntry *arg1 = (npstat::GaussianMixtureEntry *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntry_mean" "', argument " "1"" of type '" "npstat::GaussianMixtureEntry const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp1);
{
try {
result = (double)((npstat::GaussianMixtureEntry const *)arg1)->mean();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry_stdev(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixtureEntry *arg1 = (npstat::GaussianMixtureEntry *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntry_stdev" "', argument " "1"" of type '" "npstat::GaussianMixtureEntry const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp1);
{
try {
result = (double)((npstat::GaussianMixtureEntry const *)arg1)->stdev();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixtureEntry *arg1 = (npstat::GaussianMixtureEntry *) 0 ;
npstat::GaussianMixtureEntry *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntry___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntry___eq__" "', argument " "1"" of type '" "npstat::GaussianMixtureEntry const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "GaussianMixtureEntry___eq__" "', argument " "2"" of type '" "npstat::GaussianMixtureEntry const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntry___eq__" "', argument " "2"" of type '" "npstat::GaussianMixtureEntry const &""'");
}
arg2 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp2);
{
try {
result = (bool)((npstat::GaussianMixtureEntry const *)arg1)->operator ==((npstat::GaussianMixtureEntry const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixtureEntry *arg1 = (npstat::GaussianMixtureEntry *) 0 ;
npstat::GaussianMixtureEntry *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntry___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntry___ne__" "', argument " "1"" of type '" "npstat::GaussianMixtureEntry const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "GaussianMixtureEntry___ne__" "', argument " "2"" of type '" "npstat::GaussianMixtureEntry const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntry___ne__" "', argument " "2"" of type '" "npstat::GaussianMixtureEntry const &""'");
}
arg2 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp2);
{
try {
result = (bool)((npstat::GaussianMixtureEntry const *)arg1)->operator !=((npstat::GaussianMixtureEntry const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixtureEntry *arg1 = (npstat::GaussianMixtureEntry *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntry_classId" "', argument " "1"" of type '" "npstat::GaussianMixtureEntry const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp1);
{
try {
result = ((npstat::GaussianMixtureEntry const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixtureEntry *arg1 = (npstat::GaussianMixtureEntry *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntry_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntry_write" "', argument " "1"" of type '" "npstat::GaussianMixtureEntry const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "GaussianMixtureEntry_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntry_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::GaussianMixtureEntry const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntry_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::GaussianMixtureEntry::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntry_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::GaussianMixtureEntry::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntry_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
npstat::GaussianMixtureEntry *arg3 = (npstat::GaussianMixtureEntry *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntry_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntry_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntry_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "GaussianMixtureEntry_restore" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntry_restore" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "GaussianMixtureEntry_restore" "', argument " "3"" of type '" "npstat::GaussianMixtureEntry *""'");
}
arg3 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp3);
{
try {
npstat::GaussianMixtureEntry::restore((gs::ClassId const &)*arg1,*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_GaussianMixtureEntry(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixtureEntry *arg1 = (npstat::GaussianMixtureEntry *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_GaussianMixtureEntry" "', argument " "1"" of type '" "npstat::GaussianMixtureEntry *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *GaussianMixtureEntry_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *GaussianMixtureEntry_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_iterator(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
PyObject **arg2 = (PyObject **) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
swig::SwigPyIterator *result = 0 ;
arg2 = &swig_obj[0];
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_iterator" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (swig::SwigPyIterator *)std_vector_Sl_npstat_GaussianMixtureEntry_Sg__iterator(arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_swig__SwigPyIterator, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___nonzero__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___nonzero__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (bool)std_vector_Sl_npstat_GaussianMixtureEntry_Sg____nonzero__((std::vector< npstat::GaussianMixtureEntry > const *)arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___bool__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___bool__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (bool)std_vector_Sl_npstat_GaussianMixtureEntry_Sg____bool__((std::vector< npstat::GaussianMixtureEntry > const *)arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___len__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::size_type result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___len__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = std_vector_Sl_npstat_GaussianMixtureEntry_Sg____len__((std::vector< npstat::GaussianMixtureEntry > const *)arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_size_t(static_cast< size_t >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___getslice__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg2 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
ptrdiff_t val2 ;
int ecode2 = 0 ;
ptrdiff_t val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector___getslice__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___getslice__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_ptrdiff_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector___getslice__" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val2);
ecode3 = SWIG_AsVal_ptrdiff_t(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "GaussianMixtureEntryVector___getslice__" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg3 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val3);
{
try {
try {
result = (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *)std_vector_Sl_npstat_GaussianMixtureEntry_Sg____getslice__(arg1,arg2,arg3);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
} catch(std::invalid_argument &_e) {
SWIG_exception_fail(SWIG_ValueError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___setslice____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg2 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
ptrdiff_t val2 ;
int ecode2 = 0 ;
ptrdiff_t val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___setslice__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_ptrdiff_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector___setslice__" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val2);
ecode3 = SWIG_AsVal_ptrdiff_t(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "GaussianMixtureEntryVector___setslice__" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg3 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val3);
{
try {
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg____setslice____SWIG_0(arg1,arg2,arg3);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
} catch(std::invalid_argument &_e) {
SWIG_exception_fail(SWIG_ValueError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___setslice____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg2 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg3 ;
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
ptrdiff_t val2 ;
int ecode2 = 0 ;
ptrdiff_t val3 ;
int ecode3 = 0 ;
int res4 = SWIG_OLDOBJ ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___setslice__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_ptrdiff_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector___setslice__" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val2);
ecode3 = SWIG_AsVal_ptrdiff_t(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "GaussianMixtureEntryVector___setslice__" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg3 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val3);
{
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *ptr = (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *)0;
res4 = swig::asptr(swig_obj[3], &ptr);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "GaussianMixtureEntryVector___setslice__" "', argument " "4"" of type '" "std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector___setslice__" "', argument " "4"" of type '" "std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &""'");
}
arg4 = ptr;
}
{
try {
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg____setslice____SWIG_1(arg1,arg2,arg3,(std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &)*arg4);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
} catch(std::invalid_argument &_e) {
SWIG_exception_fail(SWIG_ValueError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsNewObj(res4)) delete arg4;
return resultobj;
fail:
if (SWIG_IsNewObj(res4)) delete arg4;
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___setslice__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector___setslice__", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_ptrdiff_t(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_ptrdiff_t(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_GaussianMixtureEntryVector___setslice____SWIG_0(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_ptrdiff_t(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_ptrdiff_t(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[3], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_GaussianMixtureEntryVector___setslice____SWIG_1(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'GaussianMixtureEntryVector___setslice__'.\n"
" Possible C/C++ prototypes are:\n"
" std::vector< npstat::GaussianMixtureEntry >::__setslice__(std::vector< npstat::GaussianMixtureEntry >::difference_type,std::vector< npstat::GaussianMixtureEntry >::difference_type)\n"
" std::vector< npstat::GaussianMixtureEntry >::__setslice__(std::vector< npstat::GaussianMixtureEntry >::difference_type,std::vector< npstat::GaussianMixtureEntry >::difference_type,std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___delslice__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg2 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
ptrdiff_t val2 ;
int ecode2 = 0 ;
ptrdiff_t val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector___delslice__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___delslice__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_ptrdiff_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector___delslice__" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val2);
ecode3 = SWIG_AsVal_ptrdiff_t(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "GaussianMixtureEntryVector___delslice__" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg3 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val3);
{
try {
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg____delslice__(arg1,arg2,arg3);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
} catch(std::invalid_argument &_e) {
SWIG_exception_fail(SWIG_ValueError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___delitem____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
ptrdiff_t val2 ;
int ecode2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___delitem__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_ptrdiff_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector___delitem__" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val2);
{
try {
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg____delitem____SWIG_0(arg1,arg2);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
} catch(std::invalid_argument &_e) {
SWIG_exception_fail(SWIG_ValueError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___getitem____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
PySliceObject *arg2 = (PySliceObject *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___getitem__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
if (!PySlice_Check(swig_obj[1])) {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector___getitem__" "', argument " "2"" of type '" "PySliceObject *""'");
}
arg2 = (PySliceObject *) swig_obj[1];
}
{
try {
try {
result = (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *)std_vector_Sl_npstat_GaussianMixtureEntry_Sg____getitem____SWIG_0(arg1,arg2);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
} catch(std::invalid_argument &_e) {
SWIG_exception_fail(SWIG_ValueError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___setitem____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
PySliceObject *arg2 = (PySliceObject *) 0 ;
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res3 = SWIG_OLDOBJ ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
if (!PySlice_Check(swig_obj[1])) {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "2"" of type '" "PySliceObject *""'");
}
arg2 = (PySliceObject *) swig_obj[1];
}
{
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *ptr = (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *)0;
res3 = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &""'");
}
arg3 = ptr;
}
{
try {
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg____setitem____SWIG_0(arg1,arg2,(std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &)*arg3);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
} catch(std::invalid_argument &_e) {
SWIG_exception_fail(SWIG_ValueError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsNewObj(res3)) delete arg3;
return resultobj;
fail:
if (SWIG_IsNewObj(res3)) delete arg3;
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___setitem____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
PySliceObject *arg2 = (PySliceObject *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
if (!PySlice_Check(swig_obj[1])) {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "2"" of type '" "PySliceObject *""'");
}
arg2 = (PySliceObject *) swig_obj[1];
}
{
try {
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg____setitem____SWIG_1(arg1,arg2);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
} catch(std::invalid_argument &_e) {
SWIG_exception_fail(SWIG_ValueError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___delitem____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
PySliceObject *arg2 = (PySliceObject *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___delitem__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
if (!PySlice_Check(swig_obj[1])) {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector___delitem__" "', argument " "2"" of type '" "PySliceObject *""'");
}
arg2 = (PySliceObject *) swig_obj[1];
}
{
try {
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg____delitem____SWIG_1(arg1,arg2);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
} catch(std::invalid_argument &_e) {
SWIG_exception_fail(SWIG_ValueError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___delitem__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector___delitem__", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = PySlice_Check(argv[1]);
}
if (_v) {
return _wrap_GaussianMixtureEntryVector___delitem____SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_ptrdiff_t(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_GaussianMixtureEntryVector___delitem____SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'GaussianMixtureEntryVector___delitem__'.\n"
" Possible C/C++ prototypes are:\n"
" std::vector< npstat::GaussianMixtureEntry >::__delitem__(std::vector< npstat::GaussianMixtureEntry >::difference_type)\n"
" std::vector< npstat::GaussianMixtureEntry >::__delitem__(PySliceObject *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___getitem____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
ptrdiff_t val2 ;
int ecode2 = 0 ;
std::vector< npstat::GaussianMixtureEntry >::value_type *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___getitem__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_ptrdiff_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector___getitem__" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val2);
{
try {
try {
result = (std::vector< npstat::GaussianMixtureEntry >::value_type *) &std_vector_Sl_npstat_GaussianMixtureEntry_Sg____getitem____SWIG_1((std::vector< npstat::GaussianMixtureEntry > const *)arg1,arg2);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
(void)swig::container_owner<swig::traits<std::vector< npstat::GaussianMixtureEntry >::value_type>::category>::back_reference(resultobj, swig_obj[0]);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___getitem__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector___getitem__", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = PySlice_Check(argv[1]);
}
if (_v) {
return _wrap_GaussianMixtureEntryVector___getitem____SWIG_0(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_ptrdiff_t(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_GaussianMixtureEntryVector___getitem____SWIG_1(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'GaussianMixtureEntryVector___getitem__'.\n"
" Possible C/C++ prototypes are:\n"
" std::vector< npstat::GaussianMixtureEntry >::__getitem__(PySliceObject *)\n"
" std::vector< npstat::GaussianMixtureEntry >::__getitem__(std::vector< npstat::GaussianMixtureEntry >::difference_type) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___setitem____SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::difference_type arg2 ;
std::vector< npstat::GaussianMixtureEntry >::value_type *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
ptrdiff_t val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_ptrdiff_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::difference_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::difference_type >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector___setitem__" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
arg3 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry >::value_type * >(argp3);
{
try {
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg____setitem____SWIG_2(arg1,arg2,(npstat::GaussianMixtureEntry const &)*arg3);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector___setitem__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector___setitem__", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = PySlice_Check(argv[1]);
}
if (_v) {
return _wrap_GaussianMixtureEntryVector___setitem____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = PySlice_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_GaussianMixtureEntryVector___setitem____SWIG_0(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_ptrdiff_t(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_GaussianMixtureEntryVector___setitem____SWIG_2(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'GaussianMixtureEntryVector___setitem__'.\n"
" Possible C/C++ prototypes are:\n"
" std::vector< npstat::GaussianMixtureEntry >::__setitem__(PySliceObject *,std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &)\n"
" std::vector< npstat::GaussianMixtureEntry >::__setitem__(PySliceObject *)\n"
" std::vector< npstat::GaussianMixtureEntry >::__setitem__(std::vector< npstat::GaussianMixtureEntry >::difference_type,std::vector< npstat::GaussianMixtureEntry >::value_type const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_pop(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::value_type result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_pop" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
try {
result = std_vector_Sl_npstat_GaussianMixtureEntry_Sg__pop(arg1);
} catch(std::out_of_range &_e) {
SWIG_exception_fail(SWIG_IndexError, (&_e)->what());
}
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new std::vector< npstat::GaussianMixtureEntry >::value_type(static_cast< const std::vector< npstat::GaussianMixtureEntry >::value_type& >(result))), SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_append(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::value_type *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector_append", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_append" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "GaussianMixtureEntryVector_append" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector_append" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
arg2 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry >::value_type * >(argp2);
{
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg__append(arg1,(npstat::GaussianMixtureEntry const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixtureEntryVector__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (std::vector< npstat::GaussianMixtureEntry > *)new std::vector< npstat::GaussianMixtureEntry >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixtureEntryVector__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = 0 ;
int res1 = SWIG_OLDOBJ ;
std::vector< npstat::GaussianMixtureEntry > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
{
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *ptr = (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_GaussianMixtureEntryVector" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_GaussianMixtureEntryVector" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const &""'");
}
arg1 = ptr;
}
{
try {
result = (std::vector< npstat::GaussianMixtureEntry > *)new std::vector< npstat::GaussianMixtureEntry >((std::vector< npstat::GaussianMixtureEntry > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_empty(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_empty" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (bool)((std::vector< npstat::GaussianMixtureEntry > const *)arg1)->empty();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_size(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::size_type result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_size" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = ((std::vector< npstat::GaussianMixtureEntry > const *)arg1)->size();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_size_t(static_cast< size_t >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_swap(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector_swap", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_swap" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "GaussianMixtureEntryVector_swap" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry > &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector_swap" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry > &""'");
}
arg2 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp2);
{
try {
(arg1)->swap(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_begin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::iterator result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_begin" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (arg1)->begin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(swig::make_output_iterator(static_cast< const std::vector< npstat::GaussianMixtureEntry >::iterator & >(result)),
swig::SwigPyIterator::descriptor(),SWIG_POINTER_OWN);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_end(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::iterator result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_end" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (arg1)->end();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(swig::make_output_iterator(static_cast< const std::vector< npstat::GaussianMixtureEntry >::iterator & >(result)),
swig::SwigPyIterator::descriptor(),SWIG_POINTER_OWN);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_rbegin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::reverse_iterator result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_rbegin" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (arg1)->rbegin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(swig::make_output_iterator(static_cast< const std::vector< npstat::GaussianMixtureEntry >::reverse_iterator & >(result)),
swig::SwigPyIterator::descriptor(),SWIG_POINTER_OWN);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_rend(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::reverse_iterator result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_rend" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (arg1)->rend();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(swig::make_output_iterator(static_cast< const std::vector< npstat::GaussianMixtureEntry >::reverse_iterator & >(result)),
swig::SwigPyIterator::descriptor(),SWIG_POINTER_OWN);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_clear" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_get_allocator(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< std::allocator< npstat::GaussianMixtureEntry > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_get_allocator" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = ((std::vector< npstat::GaussianMixtureEntry > const *)arg1)->get_allocator();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new std::vector< npstat::GaussianMixtureEntry >::allocator_type(static_cast< const std::vector< npstat::GaussianMixtureEntry >::allocator_type& >(result))), SWIGTYPE_p_std__allocatorT_npstat__GaussianMixtureEntry_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixtureEntryVector__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry >::size_type arg1 ;
size_t val1 ;
int ecode1 = 0 ;
std::vector< npstat::GaussianMixtureEntry > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
ecode1 = SWIG_AsVal_size_t(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_GaussianMixtureEntryVector" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry >::size_type""'");
}
arg1 = static_cast< std::vector< npstat::GaussianMixtureEntry >::size_type >(val1);
{
try {
result = (std::vector< npstat::GaussianMixtureEntry > *)new std::vector< npstat::GaussianMixtureEntry >(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_pop_back(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_pop_back" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
(arg1)->pop_back();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_resize__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::size_type arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
size_t val2 ;
int ecode2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_resize" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_size_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector_resize" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::size_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::size_type >(val2);
{
try {
(arg1)->resize(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_erase__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::iterator arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
swig::SwigPyIterator *iter2 = 0 ;
int res2 ;
std::vector< npstat::GaussianMixtureEntry >::iterator result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_erase" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], SWIG_as_voidptrptr(&iter2), swig::SwigPyIterator::descriptor(), 0);
if (!SWIG_IsOK(res2) || !iter2) {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_erase" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
} else {
swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *iter_t = dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter2);
if (iter_t) {
arg2 = iter_t->get_current();
} else {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_erase" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
}
}
{
try {
result = std_vector_Sl_npstat_GaussianMixtureEntry_Sg__erase__SWIG_0(arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(swig::make_output_iterator(static_cast< const std::vector< npstat::GaussianMixtureEntry >::iterator & >(result)),
swig::SwigPyIterator::descriptor(),SWIG_POINTER_OWN);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_erase__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::iterator arg2 ;
std::vector< npstat::GaussianMixtureEntry >::iterator arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
swig::SwigPyIterator *iter2 = 0 ;
int res2 ;
swig::SwigPyIterator *iter3 = 0 ;
int res3 ;
std::vector< npstat::GaussianMixtureEntry >::iterator result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_erase" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], SWIG_as_voidptrptr(&iter2), swig::SwigPyIterator::descriptor(), 0);
if (!SWIG_IsOK(res2) || !iter2) {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_erase" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
} else {
swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *iter_t = dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter2);
if (iter_t) {
arg2 = iter_t->get_current();
} else {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_erase" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
}
}
res3 = SWIG_ConvertPtr(swig_obj[2], SWIG_as_voidptrptr(&iter3), swig::SwigPyIterator::descriptor(), 0);
if (!SWIG_IsOK(res3) || !iter3) {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_erase" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
} else {
swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *iter_t = dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter3);
if (iter_t) {
arg3 = iter_t->get_current();
} else {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_erase" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
}
}
{
try {
result = std_vector_Sl_npstat_GaussianMixtureEntry_Sg__erase__SWIG_1(arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(swig::make_output_iterator(static_cast< const std::vector< npstat::GaussianMixtureEntry >::iterator & >(result)),
swig::SwigPyIterator::descriptor(),SWIG_POINTER_OWN);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_erase(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector_erase", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
swig::SwigPyIterator *iter = 0;
int res = SWIG_ConvertPtr(argv[1], SWIG_as_voidptrptr(&iter), swig::SwigPyIterator::descriptor(), 0);
_v = (SWIG_IsOK(res) && iter && (dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter) != 0));
if (_v) {
return _wrap_GaussianMixtureEntryVector_erase__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
swig::SwigPyIterator *iter = 0;
int res = SWIG_ConvertPtr(argv[1], SWIG_as_voidptrptr(&iter), swig::SwigPyIterator::descriptor(), 0);
_v = (SWIG_IsOK(res) && iter && (dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter) != 0));
if (_v) {
swig::SwigPyIterator *iter = 0;
int res = SWIG_ConvertPtr(argv[2], SWIG_as_voidptrptr(&iter), swig::SwigPyIterator::descriptor(), 0);
_v = (SWIG_IsOK(res) && iter && (dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter) != 0));
if (_v) {
return _wrap_GaussianMixtureEntryVector_erase__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'GaussianMixtureEntryVector_erase'.\n"
" Possible C/C++ prototypes are:\n"
" std::vector< npstat::GaussianMixtureEntry >::erase(std::vector< npstat::GaussianMixtureEntry >::iterator)\n"
" std::vector< npstat::GaussianMixtureEntry >::erase(std::vector< npstat::GaussianMixtureEntry >::iterator,std::vector< npstat::GaussianMixtureEntry >::iterator)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixtureEntryVector__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry >::size_type arg1 ;
std::vector< npstat::GaussianMixtureEntry >::value_type *arg2 = 0 ;
size_t val1 ;
int ecode1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
std::vector< npstat::GaussianMixtureEntry > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
ecode1 = SWIG_AsVal_size_t(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_GaussianMixtureEntryVector" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry >::size_type""'");
}
arg1 = static_cast< std::vector< npstat::GaussianMixtureEntry >::size_type >(val1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_GaussianMixtureEntryVector" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_GaussianMixtureEntryVector" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
arg2 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry >::value_type * >(argp2);
{
try {
result = (std::vector< npstat::GaussianMixtureEntry > *)new std::vector< npstat::GaussianMixtureEntry >(arg1,(std::vector< npstat::GaussianMixtureEntry >::value_type const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixtureEntryVector(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_GaussianMixtureEntryVector", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_GaussianMixtureEntryVector__SWIG_0(self, argc, argv);
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_size_t(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_GaussianMixtureEntryVector__SWIG_2(self, argc, argv);
}
}
if (argc == 1) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_GaussianMixtureEntryVector__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
{
int res = SWIG_AsVal_size_t(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_GaussianMixtureEntryVector__SWIG_3(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_GaussianMixtureEntryVector'.\n"
" Possible C/C++ prototypes are:\n"
" std::vector< npstat::GaussianMixtureEntry >::vector()\n"
" std::vector< npstat::GaussianMixtureEntry >::vector(std::vector< npstat::GaussianMixtureEntry > const &)\n"
" std::vector< npstat::GaussianMixtureEntry >::vector(std::vector< npstat::GaussianMixtureEntry >::size_type)\n"
" std::vector< npstat::GaussianMixtureEntry >::vector(std::vector< npstat::GaussianMixtureEntry >::size_type,std::vector< npstat::GaussianMixtureEntry >::value_type const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_push_back(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::value_type *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector_push_back", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_push_back" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "GaussianMixtureEntryVector_push_back" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector_push_back" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
arg2 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry >::value_type * >(argp2);
{
try {
(arg1)->push_back((std::vector< npstat::GaussianMixtureEntry >::value_type const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_front(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::value_type *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_front" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (std::vector< npstat::GaussianMixtureEntry >::value_type *) &((std::vector< npstat::GaussianMixtureEntry > const *)arg1)->front();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
(void)swig::container_owner<swig::traits<std::vector< npstat::GaussianMixtureEntry >::value_type>::category>::back_reference(resultobj, swig_obj[0]);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_back(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::value_type *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_back" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = (std::vector< npstat::GaussianMixtureEntry >::value_type *) &((std::vector< npstat::GaussianMixtureEntry > const *)arg1)->back();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
(void)swig::container_owner<swig::traits<std::vector< npstat::GaussianMixtureEntry >::value_type>::category>::back_reference(resultobj, swig_obj[0]);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_assign(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::size_type arg2 ;
std::vector< npstat::GaussianMixtureEntry >::value_type *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
size_t val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector_assign", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_assign" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_size_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector_assign" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::size_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::size_type >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "GaussianMixtureEntryVector_assign" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector_assign" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
arg3 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry >::value_type * >(argp3);
{
try {
(arg1)->assign(arg2,(std::vector< npstat::GaussianMixtureEntry >::value_type const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_resize__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::size_type arg2 ;
std::vector< npstat::GaussianMixtureEntry >::value_type *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
size_t val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_resize" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_size_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector_resize" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::size_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::size_type >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "GaussianMixtureEntryVector_resize" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector_resize" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
arg3 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry >::value_type * >(argp3);
{
try {
(arg1)->resize(arg2,(std::vector< npstat::GaussianMixtureEntry >::value_type const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_resize(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector_resize", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_size_t(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_GaussianMixtureEntryVector_resize__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_size_t(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_GaussianMixtureEntryVector_resize__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'GaussianMixtureEntryVector_resize'.\n"
" Possible C/C++ prototypes are:\n"
" std::vector< npstat::GaussianMixtureEntry >::resize(std::vector< npstat::GaussianMixtureEntry >::size_type)\n"
" std::vector< npstat::GaussianMixtureEntry >::resize(std::vector< npstat::GaussianMixtureEntry >::size_type,std::vector< npstat::GaussianMixtureEntry >::value_type const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_insert__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::iterator arg2 ;
std::vector< npstat::GaussianMixtureEntry >::value_type *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
swig::SwigPyIterator *iter2 = 0 ;
int res2 ;
void *argp3 = 0 ;
int res3 = 0 ;
std::vector< npstat::GaussianMixtureEntry >::iterator result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_insert" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], SWIG_as_voidptrptr(&iter2), swig::SwigPyIterator::descriptor(), 0);
if (!SWIG_IsOK(res2) || !iter2) {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_insert" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
} else {
swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *iter_t = dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter2);
if (iter_t) {
arg2 = iter_t->get_current();
} else {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_insert" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
}
}
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "GaussianMixtureEntryVector_insert" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector_insert" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
arg3 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry >::value_type * >(argp3);
{
try {
result = std_vector_Sl_npstat_GaussianMixtureEntry_Sg__insert__SWIG_0(arg1,arg2,(npstat::GaussianMixtureEntry const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(swig::make_output_iterator(static_cast< const std::vector< npstat::GaussianMixtureEntry >::iterator & >(result)),
swig::SwigPyIterator::descriptor(),SWIG_POINTER_OWN);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_insert__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::iterator arg2 ;
std::vector< npstat::GaussianMixtureEntry >::size_type arg3 ;
std::vector< npstat::GaussianMixtureEntry >::value_type *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
swig::SwigPyIterator *iter2 = 0 ;
int res2 ;
size_t val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_insert" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], SWIG_as_voidptrptr(&iter2), swig::SwigPyIterator::descriptor(), 0);
if (!SWIG_IsOK(res2) || !iter2) {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_insert" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
} else {
swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *iter_t = dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter2);
if (iter_t) {
arg2 = iter_t->get_current();
} else {
SWIG_exception_fail(SWIG_ArgError(SWIG_TypeError), "in method '" "GaussianMixtureEntryVector_insert" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::iterator""'");
}
}
ecode3 = SWIG_AsVal_size_t(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "GaussianMixtureEntryVector_insert" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry >::size_type""'");
}
arg3 = static_cast< std::vector< npstat::GaussianMixtureEntry >::size_type >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "GaussianMixtureEntryVector_insert" "', argument " "4"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixtureEntryVector_insert" "', argument " "4"" of type '" "std::vector< npstat::GaussianMixtureEntry >::value_type const &""'");
}
arg4 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry >::value_type * >(argp4);
{
try {
std_vector_Sl_npstat_GaussianMixtureEntry_Sg__insert__SWIG_1(arg1,arg2,arg3,(npstat::GaussianMixtureEntry const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_insert(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector_insert", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
swig::SwigPyIterator *iter = 0;
int res = SWIG_ConvertPtr(argv[1], SWIG_as_voidptrptr(&iter), swig::SwigPyIterator::descriptor(), 0);
_v = (SWIG_IsOK(res) && iter && (dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter) != 0));
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_GaussianMixtureEntryVector_insert__SWIG_0(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
swig::SwigPyIterator *iter = 0;
int res = SWIG_ConvertPtr(argv[1], SWIG_as_voidptrptr(&iter), swig::SwigPyIterator::descriptor(), 0);
_v = (SWIG_IsOK(res) && iter && (dynamic_cast<swig::SwigPyIterator_T<std::vector< npstat::GaussianMixtureEntry >::iterator > *>(iter) != 0));
if (_v) {
{
int res = SWIG_AsVal_size_t(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__GaussianMixtureEntry, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_GaussianMixtureEntryVector_insert__SWIG_1(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'GaussianMixtureEntryVector_insert'.\n"
" Possible C/C++ prototypes are:\n"
" std::vector< npstat::GaussianMixtureEntry >::insert(std::vector< npstat::GaussianMixtureEntry >::iterator,std::vector< npstat::GaussianMixtureEntry >::value_type const &)\n"
" std::vector< npstat::GaussianMixtureEntry >::insert(std::vector< npstat::GaussianMixtureEntry >::iterator,std::vector< npstat::GaussianMixtureEntry >::size_type,std::vector< npstat::GaussianMixtureEntry >::value_type const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_reserve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
std::vector< npstat::GaussianMixtureEntry >::size_type arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
size_t val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixtureEntryVector_reserve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_reserve" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
ecode2 = SWIG_AsVal_size_t(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixtureEntryVector_reserve" "', argument " "2"" of type '" "std::vector< npstat::GaussianMixtureEntry >::size_type""'");
}
arg2 = static_cast< std::vector< npstat::GaussianMixtureEntry >::size_type >(val2);
{
try {
(arg1)->reserve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixtureEntryVector_capacity(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry >::size_type result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixtureEntryVector_capacity" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > const *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
result = ((std::vector< npstat::GaussianMixtureEntry > const *)arg1)->capacity();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_size_t(static_cast< size_t >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_GaussianMixtureEntryVector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< npstat::GaussianMixtureEntry > *arg1 = (std::vector< npstat::GaussianMixtureEntry > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_GaussianMixtureEntryVector" "', argument " "1"" of type '" "std::vector< npstat::GaussianMixtureEntry > *""'");
}
arg1 = reinterpret_cast< std::vector< npstat::GaussianMixtureEntry > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *GaussianMixtureEntryVector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_std__vectorT_npstat__GaussianMixtureEntry_std__allocatorT_npstat__GaussianMixtureEntry_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *GaussianMixtureEntryVector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_GaussianMixture1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
npstat::GaussianMixtureEntry *arg3 = (npstat::GaussianMixtureEntry *) 0 ;
unsigned int arg4 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
npstat::GaussianMixture1D *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_GaussianMixture1D" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_GaussianMixture1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_GaussianMixture1D" "', argument " "3"" of type '" "npstat::GaussianMixtureEntry const *""'");
}
arg3 = reinterpret_cast< npstat::GaussianMixtureEntry * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_GaussianMixture1D" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
{
try {
result = (npstat::GaussianMixture1D *)new npstat::GaussianMixture1D(arg1,arg2,(npstat::GaussianMixtureEntry const *)arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixture1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixture1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *arg3 = 0 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
int res3 = SWIG_OLDOBJ ;
npstat::GaussianMixture1D *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_GaussianMixture1D" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_GaussianMixture1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *ptr = (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *)0;
res3 = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_GaussianMixture1D" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_GaussianMixture1D" "', argument " "3"" of type '" "std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &""'");
}
arg3 = ptr;
}
{
try {
result = (npstat::GaussianMixture1D *)new npstat::GaussianMixture1D(arg1,arg2,(std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixture1D, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res3)) delete arg3;
return resultobj;
fail:
if (SWIG_IsNewObj(res3)) delete arg3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixture1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::Gauss1D *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::GaussianMixture1D *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__Gauss1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_GaussianMixture1D" "', argument " "1"" of type '" "npstat::Gauss1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_GaussianMixture1D" "', argument " "1"" of type '" "npstat::Gauss1D const &""'");
}
arg1 = reinterpret_cast< npstat::Gauss1D * >(argp1);
{
try {
result = (npstat::GaussianMixture1D *)new npstat::GaussianMixture1D((npstat::Gauss1D const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixture1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_GaussianMixture1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_GaussianMixture1D", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__Gauss1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_GaussianMixture1D__SWIG_2(self, argc, argv);
}
}
if (argc == 3) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_GaussianMixture1D__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[2], &vptr, SWIGTYPE_p_npstat__GaussianMixtureEntry, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_GaussianMixture1D__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_GaussianMixture1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::GaussianMixture1D::GaussianMixture1D(double,double,npstat::GaussianMixtureEntry const *,unsigned int)\n"
" npstat::GaussianMixture1D::GaussianMixture1D(double,double,std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &)\n"
" npstat::GaussianMixture1D::GaussianMixture1D(npstat::Gauss1D const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_GaussianMixture1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_GaussianMixture1D" "', argument " "1"" of type '" "npstat::GaussianMixture1D *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::GaussianMixture1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_clone" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
{
try {
result = (npstat::GaussianMixture1D *)((npstat::GaussianMixture1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixture1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_nentries(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_nentries" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
{
try {
result = (unsigned int)((npstat::GaussianMixture1D const *)arg1)->nentries();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_entry(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::GaussianMixtureEntry *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixture1D_entry", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_entry" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixture1D_entry" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (npstat::GaussianMixtureEntry *) &((npstat::GaussianMixture1D const *)arg1)->entry(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixtureEntry, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_entries(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_entries" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
{
try {
result = (std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *) &((npstat::GaussianMixture1D const *)arg1)->entries();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_mean(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_mean" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
{
try {
result = (double)((npstat::GaussianMixture1D const *)arg1)->mean();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_stdev(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_stdev" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
{
try {
result = (double)((npstat::GaussianMixture1D const *)arg1)->stdev();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_gaussianMISE(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
unsigned int arg2 ;
double arg3 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixture1D_gaussianMISE", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_gaussianMISE" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixture1D_gaussianMISE" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "GaussianMixture1D_gaussianMISE" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "GaussianMixture1D_gaussianMISE" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
result = (double)((npstat::GaussianMixture1D const *)arg1)->gaussianMISE(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_miseOptimalBw__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
unsigned int arg2 ;
unsigned long arg3 ;
double *arg4 = (double *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_miseOptimalBw" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixture1D_miseOptimalBw" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "GaussianMixture1D_miseOptimalBw" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "GaussianMixture1D_miseOptimalBw" "', argument " "4"" of type '" "double *""'");
}
arg4 = reinterpret_cast< double * >(argp4);
{
try {
result = (double)((npstat::GaussianMixture1D const *)arg1)->miseOptimalBw(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_miseOptimalBw__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
unsigned int arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_miseOptimalBw" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "GaussianMixture1D_miseOptimalBw" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "GaussianMixture1D_miseOptimalBw" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (double)((npstat::GaussianMixture1D const *)arg1)->miseOptimalBw(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_miseOptimalBw(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "GaussianMixture1D_miseOptimalBw", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__GaussianMixture1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_GaussianMixture1D_miseOptimalBw__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__GaussianMixture1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_GaussianMixture1D_miseOptimalBw__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'GaussianMixture1D_miseOptimalBw'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::GaussianMixture1D::miseOptimalBw(unsigned int,unsigned long,double *) const\n"
" npstat::GaussianMixture1D::miseOptimalBw(unsigned int,unsigned long) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_classId" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
{
try {
result = ((npstat::GaussianMixture1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::GaussianMixture1D *arg1 = (npstat::GaussianMixture1D *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixture1D_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__GaussianMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_write" "', argument " "1"" of type '" "npstat::GaussianMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::GaussianMixture1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "GaussianMixture1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixture1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::GaussianMixture1D const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixture1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::GaussianMixture1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixture1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::GaussianMixture1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_GaussianMixture1D_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::GaussianMixture1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "GaussianMixture1D_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "GaussianMixture1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixture1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "GaussianMixture1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "GaussianMixture1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::GaussianMixture1D *)npstat::GaussianMixture1D::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GaussianMixture1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *GaussianMixture1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__GaussianMixture1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *GaussianMixture1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_JohnsonKDESmoother__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
double arg2 ;
double arg3 ;
int arg4 ;
double arg5 ;
char *arg6 = (char *) 0 ;
unsigned int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
int res6 ;
char *buf6 = 0 ;
int alloc6 = 0 ;
npstat::JohnsonKDESmoother *result = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_JohnsonKDESmoother" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_JohnsonKDESmoother" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_JohnsonKDESmoother" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_JohnsonKDESmoother" "', argument " "4"" of type '" "int""'");
}
arg4 = static_cast< int >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_JohnsonKDESmoother" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
res6 = SWIG_AsCharPtrAndSize(swig_obj[5], &buf6, NULL, &alloc6);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_JohnsonKDESmoother" "', argument " "6"" of type '" "char const *""'");
}
arg6 = reinterpret_cast< char * >(buf6);
{
try {
result = (npstat::JohnsonKDESmoother *)new npstat::JohnsonKDESmoother(arg1,arg2,arg3,arg4,arg5,(char const *)arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonKDESmoother, SWIG_POINTER_NEW | 0 );
if (alloc6 == SWIG_NEWOBJ) delete[] buf6;
return resultobj;
fail:
if (alloc6 == SWIG_NEWOBJ) delete[] buf6;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_JohnsonKDESmoother__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
double arg2 ;
double arg3 ;
int arg4 ;
double arg5 ;
unsigned int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
npstat::JohnsonKDESmoother *result = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_JohnsonKDESmoother" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_JohnsonKDESmoother" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_JohnsonKDESmoother" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_JohnsonKDESmoother" "', argument " "4"" of type '" "int""'");
}
arg4 = static_cast< int >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_JohnsonKDESmoother" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
result = (npstat::JohnsonKDESmoother *)new npstat::JohnsonKDESmoother(arg1,arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonKDESmoother, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_JohnsonKDESmoother__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
double arg2 ;
double arg3 ;
int arg4 ;
unsigned int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
int val4 ;
int ecode4 = 0 ;
npstat::JohnsonKDESmoother *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_JohnsonKDESmoother" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_JohnsonKDESmoother" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_JohnsonKDESmoother" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_JohnsonKDESmoother" "', argument " "4"" of type '" "int""'");
}
arg4 = static_cast< int >(val4);
{
try {
result = (npstat::JohnsonKDESmoother *)new npstat::JohnsonKDESmoother(arg1,arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__JohnsonKDESmoother, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_JohnsonKDESmoother(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_JohnsonKDESmoother", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_JohnsonKDESmoother__SWIG_2(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_JohnsonKDESmoother__SWIG_1(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[5], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_JohnsonKDESmoother__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_JohnsonKDESmoother'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::JohnsonKDESmoother::JohnsonKDESmoother(unsigned int,double,double,int,double,char const *)\n"
" npstat::JohnsonKDESmoother::JohnsonKDESmoother(unsigned int,double,double,int,double)\n"
" npstat::JohnsonKDESmoother::JohnsonKDESmoother(unsigned int,double,double,int)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_JohnsonKDESmoother(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonKDESmoother *arg1 = (npstat::JohnsonKDESmoother *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonKDESmoother, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_JohnsonKDESmoother" "', argument " "1"" of type '" "npstat::JohnsonKDESmoother *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonKDESmoother * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonKDESmoother_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonKDESmoother *arg1 = (npstat::JohnsonKDESmoother *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonKDESmoother, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonKDESmoother_symbetaPower" "', argument " "1"" of type '" "npstat::JohnsonKDESmoother const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonKDESmoother * >(argp1);
{
try {
result = (int)((npstat::JohnsonKDESmoother const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_JohnsonKDESmoother_bwFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::JohnsonKDESmoother *arg1 = (npstat::JohnsonKDESmoother *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__JohnsonKDESmoother, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "JohnsonKDESmoother_bwFactor" "', argument " "1"" of type '" "npstat::JohnsonKDESmoother const *""'");
}
arg1 = reinterpret_cast< npstat::JohnsonKDESmoother * >(argp1);
{
try {
result = (double)((npstat::JohnsonKDESmoother const *)arg1)->bwFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *JohnsonKDESmoother_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__JohnsonKDESmoother, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *JohnsonKDESmoother_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UnitMapInterpolationND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int arg1 ;
unsigned int arg2 ;
unsigned int val1 ;
int ecode1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::UnitMapInterpolationND *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UnitMapInterpolationND", 2, 2, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_UnitMapInterpolationND" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_UnitMapInterpolationND" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (npstat::UnitMapInterpolationND *)new npstat::UnitMapInterpolationND(arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__UnitMapInterpolationND, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_UnitMapInterpolationND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UnitMapInterpolationND" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::UnitMapInterpolationND *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_clone" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
{
try {
result = (npstat::UnitMapInterpolationND *)((npstat::UnitMapInterpolationND const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__UnitMapInterpolationND, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_mappedByQuantiles(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_mappedByQuantiles" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
{
try {
result = (bool)((npstat::UnitMapInterpolationND const *)arg1)->mappedByQuantiles();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_add(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
npstat::AbsDistributionND *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "UnitMapInterpolationND_add", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_add" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UnitMapInterpolationND_add" "', argument " "2"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UnitMapInterpolationND_add" "', argument " "2"" of type '" "npstat::AbsDistributionND const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistributionND * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UnitMapInterpolationND_add" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->add((npstat::AbsDistributionND const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_replace(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
unsigned int arg2 ;
npstat::AbsDistributionND *arg3 = 0 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "UnitMapInterpolationND_replace", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_replace" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UnitMapInterpolationND_replace" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "UnitMapInterpolationND_replace" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UnitMapInterpolationND_replace" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UnitMapInterpolationND_replace" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
(arg1)->replace(arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_setWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
unsigned int arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "UnitMapInterpolationND_setWeight", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_setWeight" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UnitMapInterpolationND_setWeight" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UnitMapInterpolationND_setWeight" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->setWeight(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_clear" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_normalizeAutomatically(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "UnitMapInterpolationND_normalizeAutomatically", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_normalizeAutomatically" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UnitMapInterpolationND_normalizeAutomatically" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->normalizeAutomatically(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_size(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_size" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
{
try {
result = (unsigned int)((npstat::UnitMapInterpolationND const *)arg1)->size();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "UnitMapInterpolationND_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_density" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (double)((npstat::UnitMapInterpolationND const *)arg1)->density((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_unitMap(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
double *arg4 = (double *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "UnitMapInterpolationND_unitMap", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_unitMap" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UnitMapInterpolationND_unitMap" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UnitMapInterpolationND_unitMap" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "UnitMapInterpolationND_unitMap" "', argument " "4"" of type '" "double *""'");
}
arg4 = reinterpret_cast< double * >(argp4);
{
try {
((npstat::UnitMapInterpolationND const *)arg1)->unitMap((double const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::UnitMapInterpolationND *arg1 = (npstat::UnitMapInterpolationND *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__UnitMapInterpolationND, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UnitMapInterpolationND_classId" "', argument " "1"" of type '" "npstat::UnitMapInterpolationND const *""'");
}
arg1 = reinterpret_cast< npstat::UnitMapInterpolationND * >(argp1);
{
try {
result = ((npstat::UnitMapInterpolationND const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "UnitMapInterpolationND_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::UnitMapInterpolationND::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UnitMapInterpolationND_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "UnitMapInterpolationND_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::UnitMapInterpolationND::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UnitMapInterpolationND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__UnitMapInterpolationND, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UnitMapInterpolationND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_BernsteinCopulaSmoother(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int *arg1 = (unsigned int *) 0 ;
unsigned int arg2 ;
double arg3 ;
unsigned int arg4 ;
npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc *arg5 = (npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc *) 0 ;
bool arg6 ;
npstat::Matrix< int > *arg7 = 0 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
void *argp7 = 0 ;
int res7 = 0 ;
PyObject *swig_obj[6] ;
npstat::BernsteinCopulaSmoother *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_BernsteinCopulaSmoother", 6, 6, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_UINT,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (unsigned int*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_double(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_BernsteinCopulaSmoother" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_BernsteinCopulaSmoother" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__AbsBandwidthCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_BernsteinCopulaSmoother" "', argument " "5"" of type '" "npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *""'");
}
arg5 = reinterpret_cast< npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_BernsteinCopulaSmoother" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
res7 = SWIG_ConvertPtr(swig_obj[5], &argp7, SWIGTYPE_p_npstat__MatrixT_int_16U_t, 0 | 0);
if (!SWIG_IsOK(res7)) {
SWIG_exception_fail(SWIG_ArgError(res7), "in method '" "new_BernsteinCopulaSmoother" "', argument " "7"" of type '" "npstat::Matrix< int > const &""'");
}
if (!argp7) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_BernsteinCopulaSmoother" "', argument " "7"" of type '" "npstat::Matrix< int > const &""'");
}
arg7 = reinterpret_cast< npstat::Matrix< int > * >(argp7);
{
try {
result = (npstat::BernsteinCopulaSmoother *)new npstat::BernsteinCopulaSmoother((unsigned int const *)arg1,arg2,arg3,arg4,(npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *)arg5,arg6,(npstat::Matrix< int > const &)*arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BernsteinCopulaSmoother, SWIG_POINTER_NEW | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_BernsteinCopulaSmoother(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BernsteinCopulaSmoother *arg1 = (npstat::BernsteinCopulaSmoother *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BernsteinCopulaSmoother, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_BernsteinCopulaSmoother" "', argument " "1"" of type '" "npstat::BernsteinCopulaSmoother *""'");
}
arg1 = reinterpret_cast< npstat::BernsteinCopulaSmoother * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *BernsteinCopulaSmoother_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BernsteinCopulaSmoother, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *BernsteinCopulaSmoother_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_AbsKDE1DKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsKDE1DKernel" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_setNormFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "AbsKDE1DKernel_setNormFactor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_setNormFactor" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_setNormFactor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setNormFactor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_xmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_xmin" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->xmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_xmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_xmax" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->xmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_normFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_normFactor" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->normFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsKDE1DKernel___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel___call__" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel___call__" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->operator ()(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::AbsKDE1DKernel *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_clone" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
{
try {
result = (npstat::AbsKDE1DKernel *)((npstat::AbsKDE1DKernel const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsKDE1DKernel, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_momentIntegral(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsKDE1DKernel_momentIntegral", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_momentIntegral" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_momentIntegral" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_momentIntegral" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->momentIntegral(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_squaredIntegral(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsKDE1DKernel_squaredIntegral", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_squaredIntegral" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_squaredIntegral" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->squaredIntegral(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_looKde(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
double arg2 ;
unsigned long arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsKDE1DKernel_looKde", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_looKde" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_looKde" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_looKde" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "AbsKDE1DKernel_looKde" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->looKde(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_kde__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
double arg2 ;
double arg3 ;
double *arg4 = (double *) 0 ;
unsigned int arg5 ;
bool arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyArrayObject *array4 = NULL ;
int is_new_object4 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_kde" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_kde" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_kde" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
npy_intp size[1] = {
-1
};
array4 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_DOUBLE,
&is_new_object4);
if (!array4 || !require_dimensions(array4, 1) ||
!require_size(array4, size, 1)) SWIG_fail;
arg4 = (double*) array_data(array4);
arg5 = (int) array_size(array4,0);
}
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "AbsKDE1DKernel_kde" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->kde2(arg2,arg3,(double const *)arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return resultobj;
fail:
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_kde__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
double arg2 ;
double arg3 ;
double *arg4 = (double *) 0 ;
unsigned int arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyArrayObject *array4 = NULL ;
int is_new_object4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_kde" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_kde" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_kde" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
npy_intp size[1] = {
-1
};
array4 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_DOUBLE,
&is_new_object4);
if (!array4 || !require_dimensions(array4, 1) ||
!require_size(array4, size, 1)) SWIG_fail;
arg4 = (double*) array_data(array4);
arg5 = (int) array_size(array4,0);
}
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->kde2(arg2,arg3,(double const *)arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return resultobj;
fail:
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_kde(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsKDE1DKernel_kde", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
if (argc <= 4) {
return _wrap_AbsKDE1DKernel_kde__SWIG_1(self, argc, argv);
}
return _wrap_AbsKDE1DKernel_kde__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_AbsKDE1DKernel_kde__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsKDE1DKernel_kde'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsKDE1DKernel::kde2(double,double,double const *,unsigned int,bool) const\n"
" npstat::AbsKDE1DKernel::kde2(double,double,double const *,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_reverseKde__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
double arg2 ;
double arg3 ;
double *arg4 = (double *) 0 ;
unsigned int arg5 ;
bool arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyArrayObject *array4 = NULL ;
int is_new_object4 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_reverseKde" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_reverseKde" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_reverseKde" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
npy_intp size[1] = {
-1
};
array4 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_DOUBLE,
&is_new_object4);
if (!array4 || !require_dimensions(array4, 1) ||
!require_size(array4, size, 1)) SWIG_fail;
arg4 = (double*) array_data(array4);
arg5 = (int) array_size(array4,0);
}
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "AbsKDE1DKernel_reverseKde" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->reverseKde2(arg2,arg3,(double const *)arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return resultobj;
fail:
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_reverseKde__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
double arg2 ;
double arg3 ;
double *arg4 = (double *) 0 ;
unsigned int arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyArrayObject *array4 = NULL ;
int is_new_object4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_reverseKde" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_reverseKde" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_reverseKde" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
npy_intp size[1] = {
-1
};
array4 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_DOUBLE,
&is_new_object4);
if (!array4 || !require_dimensions(array4, 1) ||
!require_size(array4, size, 1)) SWIG_fail;
arg4 = (double*) array_data(array4);
arg5 = (int) array_size(array4,0);
}
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->reverseKde2(arg2,arg3,(double const *)arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return resultobj;
fail:
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_reverseKde(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsKDE1DKernel_reverseKde", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
if (argc <= 4) {
return _wrap_AbsKDE1DKernel_reverseKde__SWIG_1(self, argc, argv);
}
return _wrap_AbsKDE1DKernel_reverseKde__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_AbsKDE1DKernel_reverseKde__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsKDE1DKernel_reverseKde'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsKDE1DKernel::reverseKde2(double,double,double const *,unsigned int,bool) const\n"
" npstat::AbsKDE1DKernel::reverseKde2(double,double,double const *,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_integratedSquaredError__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
unsigned int arg3 ;
unsigned int arg4 ;
double arg5 ;
bool arg6 ;
double *arg7 = (double *) 0 ;
unsigned int arg8 ;
bool arg9 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
PyArrayObject *array7 = NULL ;
int is_new_object7 = 0 ;
bool val9 ;
int ecode9 = 0 ;
double result;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_bool(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
npy_intp size[1] = {
-1
};
array7 = obj_to_array_contiguous_allow_conversion(swig_obj[6],
NPY_DOUBLE,
&is_new_object7);
if (!array7 || !require_dimensions(array7, 1) ||
!require_size(array7, size, 1)) SWIG_fail;
arg7 = (double*) array_data(array7);
arg8 = (int) array_size(array7,0);
}
ecode9 = SWIG_AsVal_bool(swig_obj[7], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->integratedSquaredError2((npstat::AbsDistribution1D const &)*arg2,arg3,arg4,arg5,arg6,(double const *)arg7,arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object7 && array7)
{
Py_DECREF(array7);
}
}
return resultobj;
fail:
{
if (is_new_object7 && array7)
{
Py_DECREF(array7);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
unsigned int arg3 ;
unsigned int arg4 ;
double arg5 ;
bool arg6 ;
double *arg7 = (double *) 0 ;
unsigned int arg8 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
PyArrayObject *array7 = NULL ;
int is_new_object7 = 0 ;
double result;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_bool(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "AbsKDE1DKernel_integratedSquaredError" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
npy_intp size[1] = {
-1
};
array7 = obj_to_array_contiguous_allow_conversion(swig_obj[6],
NPY_DOUBLE,
&is_new_object7);
if (!array7 || !require_dimensions(array7, 1) ||
!require_size(array7, size, 1)) SWIG_fail;
arg7 = (double*) array_data(array7);
arg8 = (int) array_size(array7,0);
}
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->integratedSquaredError2((npstat::AbsDistribution1D const &)*arg2,arg3,arg4,arg5,arg6,(double const *)arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object7 && array7)
{
Py_DECREF(array7);
}
}
return resultobj;
fail:
{
if (is_new_object7 && array7)
{
Py_DECREF(array7);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[9] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsKDE1DKernel_integratedSquaredError", 0, 8, argv))) SWIG_fail;
--argc;
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[6]) || PySequence_Check(argv[6]);
}
if (_v) {
if (argc <= 7) {
return _wrap_AbsKDE1DKernel_integratedSquaredError__SWIG_1(self, argc, argv);
}
return _wrap_AbsKDE1DKernel_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[6]) || PySequence_Check(argv[6]);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_AbsKDE1DKernel_integratedSquaredError__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsKDE1DKernel_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsKDE1DKernel::integratedSquaredError2(npstat::AbsDistribution1D const &,unsigned int,unsigned int,double,bool,double const *,unsigned int,bool) const\n"
" npstat::AbsKDE1DKernel::integratedSquaredError2(npstat::AbsDistribution1D const &,unsigned int,unsigned int,double,bool,double const *,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_integratedKdeSquared__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
double arg2 ;
double arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
double arg6 ;
bool arg7 ;
double *arg8 = (double *) 0 ;
unsigned int arg9 ;
bool arg10 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
bool val7 ;
int ecode7 = 0 ;
PyArrayObject *array8 = NULL ;
int is_new_object8 = 0 ;
bool val10 ;
int ecode10 = 0 ;
double result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_bool(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
npy_intp size[1] = {
-1
};
array8 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_DOUBLE,
&is_new_object8);
if (!array8 || !require_dimensions(array8, 1) ||
!require_size(array8, size, 1)) SWIG_fail;
arg8 = (double*) array_data(array8);
arg9 = (int) array_size(array8,0);
}
ecode10 = SWIG_AsVal_bool(swig_obj[8], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "10"" of type '" "bool""'");
}
arg10 = static_cast< bool >(val10);
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->integratedKdeSquared2(arg2,arg3,arg4,arg5,arg6,arg7,(double const *)arg8,arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object8 && array8)
{
Py_DECREF(array8);
}
}
return resultobj;
fail:
{
if (is_new_object8 && array8)
{
Py_DECREF(array8);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_integratedKdeSquared__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = (npstat::AbsKDE1DKernel *) 0 ;
double arg2 ;
double arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
double arg6 ;
bool arg7 ;
double *arg8 = (double *) 0 ;
unsigned int arg9 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
bool val7 ;
int ecode7 = 0 ;
PyArrayObject *array8 = NULL ;
int is_new_object8 = 0 ;
double result;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const *""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_bool(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "AbsKDE1DKernel_integratedKdeSquared" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
npy_intp size[1] = {
-1
};
array8 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_DOUBLE,
&is_new_object8);
if (!array8 || !require_dimensions(array8, 1) ||
!require_size(array8, size, 1)) SWIG_fail;
arg8 = (double*) array_data(array8);
arg9 = (int) array_size(array8,0);
}
{
try {
result = (double)((npstat::AbsKDE1DKernel const *)arg1)->integratedKdeSquared2(arg2,arg3,arg4,arg5,arg6,arg7,(double const *)arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object8 && array8)
{
Py_DECREF(array8);
}
}
return resultobj;
fail:
{
if (is_new_object8 && array8)
{
Py_DECREF(array8);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsKDE1DKernel_integratedKdeSquared(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[10] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "AbsKDE1DKernel_integratedKdeSquared", 0, 9, argv))) SWIG_fail;
--argc;
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
if (argc <= 8) {
return _wrap_AbsKDE1DKernel_integratedKdeSquared__SWIG_1(self, argc, argv);
}
return _wrap_AbsKDE1DKernel_integratedKdeSquared__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_AbsKDE1DKernel_integratedKdeSquared__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'AbsKDE1DKernel_integratedKdeSquared'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::AbsKDE1DKernel::integratedKdeSquared2(double,double,unsigned int,unsigned int,double,bool,double const *,unsigned int,bool) const\n"
" npstat::AbsKDE1DKernel::integratedKdeSquared2(double,double,unsigned int,unsigned int,double,bool,double const *,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *AbsKDE1DKernel_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsKDE1DKernel, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_KDE1DDensityKernel_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DDensityKernel *arg1 = (npstat::KDE1DDensityKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::KDE1DDensityKernel *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DDensityKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DDensityKernel_clone" "', argument " "1"" of type '" "npstat::KDE1DDensityKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DDensityKernel * >(argp1);
{
try {
result = (npstat::KDE1DDensityKernel *)((npstat::KDE1DDensityKernel const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DDensityKernel, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDE1DDensityKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DDensityKernel *arg1 = (npstat::KDE1DDensityKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DDensityKernel, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDE1DDensityKernel" "', argument " "1"" of type '" "npstat::KDE1DDensityKernel *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DDensityKernel * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DDensityKernel_setNormFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DDensityKernel *arg1 = (npstat::KDE1DDensityKernel *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "KDE1DDensityKernel_setNormFactor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DDensityKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DDensityKernel_setNormFactor" "', argument " "1"" of type '" "npstat::KDE1DDensityKernel *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DDensityKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDE1DDensityKernel_setNormFactor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setNormFactor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DDensityKernel_xmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DDensityKernel *arg1 = (npstat::KDE1DDensityKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DDensityKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DDensityKernel_xmin" "', argument " "1"" of type '" "npstat::KDE1DDensityKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DDensityKernel * >(argp1);
{
try {
result = (double)((npstat::KDE1DDensityKernel const *)arg1)->xmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DDensityKernel_xmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DDensityKernel *arg1 = (npstat::KDE1DDensityKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DDensityKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DDensityKernel_xmax" "', argument " "1"" of type '" "npstat::KDE1DDensityKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DDensityKernel * >(argp1);
{
try {
result = (double)((npstat::KDE1DDensityKernel const *)arg1)->xmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DDensityKernel_normFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DDensityKernel *arg1 = (npstat::KDE1DDensityKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DDensityKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DDensityKernel_normFactor" "', argument " "1"" of type '" "npstat::KDE1DDensityKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DDensityKernel * >(argp1);
{
try {
result = (double)((npstat::KDE1DDensityKernel const *)arg1)->normFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DDensityKernel___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DDensityKernel *arg1 = (npstat::KDE1DDensityKernel *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "KDE1DDensityKernel___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DDensityKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DDensityKernel___call__" "', argument " "1"" of type '" "npstat::KDE1DDensityKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DDensityKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDE1DDensityKernel___call__" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::KDE1DDensityKernel const *)arg1)->operator ()(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDE1DDensityKernel_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDE1DDensityKernel, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_new_KDE1DFunctor2__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = 0 ;
double arg2 ;
bool arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
npstat::KDE1DFunctor2 *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDE1DFunctor2" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDE1DFunctor2" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_KDE1DFunctor2" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_KDE1DFunctor2" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
{
try {
result = (npstat::KDE1DFunctor2 *)new npstat::KDE1DFunctor2((npstat::AbsKDE1DKernel const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DFunctor2, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_KDE1DFunctor2__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
npstat::KDE1DFunctor2 *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDE1DFunctor2" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDE1DFunctor2" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_KDE1DFunctor2" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (npstat::KDE1DFunctor2 *)new npstat::KDE1DFunctor2((npstat::AbsKDE1DKernel const &)*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DFunctor2, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_KDE1DFunctor2(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_KDE1DFunctor2", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsKDE1DKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_KDE1DFunctor2__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsKDE1DKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_KDE1DFunctor2__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_KDE1DFunctor2'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::KDE1DFunctor2::KDE1DFunctor2(npstat::AbsKDE1DKernel const &,double const,bool const)\n"
" npstat::KDE1DFunctor2::KDE1DFunctor2(npstat::AbsKDE1DKernel const &,double const)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_KDE1DFunctor2(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DFunctor2 *arg1 = (npstat::KDE1DFunctor2 *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DFunctor2, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDE1DFunctor2" "', argument " "1"" of type '" "npstat::KDE1DFunctor2 *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DFunctor2 * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DFunctor2___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DFunctor2 *arg1 = (npstat::KDE1DFunctor2 *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "KDE1DFunctor2___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DFunctor2, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DFunctor2___call__" "', argument " "1"" of type '" "npstat::KDE1DFunctor2 const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DFunctor2 * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDE1DFunctor2___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "KDE1DFunctor2___call__" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
result = (double)((npstat::KDE1DFunctor2 const *)arg1)->operator ()((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDE1DFunctor2_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDE1DFunctor2, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDE1DFunctor2_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *ptr = (std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto" "', argument " "1"" of type '" "std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto" "', argument " "1"" of type '" "std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::vector< double >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *ptr = (std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto" "', argument " "1"" of type '" "std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto" "', argument " "1"" of type '" "std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::vector< double >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::vector< double >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::vector< double >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto2D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *ptr = (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto2D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto2D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto2D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto2D" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,2U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto2D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *ptr = (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto2D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto2D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto2D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,2U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto2D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto2D", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto2D__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto2D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto2D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::array< double,2U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::array< double,2U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto3D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *ptr = (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto3D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto3D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto3D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto3D" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,3U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto3D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *ptr = (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto3D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto3D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto3D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,3U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto3D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto3D", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto3D__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto3D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto3D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::array< double,3U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::array< double,3U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto4D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *ptr = (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto4D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto4D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto4D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto4D" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,4U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto4D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *ptr = (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto4D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto4D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto4D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,4U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto4D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto4D", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto4D__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto4D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto4D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::array< double,4U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::array< double,4U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto5D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *ptr = (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto5D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto5D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto5D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto5D" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,5U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto5D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *ptr = (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto5D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto5D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto5D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,5U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto5D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto5D", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto5D__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto5D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto5D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::array< double,5U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::array< double,5U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto6D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *ptr = (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto6D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto6D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto6D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto6D" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,6U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto6D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *ptr = (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto6D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto6D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto6D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,6U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto6D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto6D", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto6D__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto6D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto6D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::array< double,6U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::array< double,6U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto7D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *ptr = (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto7D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto7D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto7D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto7D" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,7U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto7D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *ptr = (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto7D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto7D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto7D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,7U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto7D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto7D", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto7D__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto7D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto7D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::array< double,7U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::array< double,7U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto8D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *ptr = (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto8D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto8D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto8D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto8D" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,8U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto8D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *ptr = (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto8D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto8D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto8D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,8U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto8D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto8D", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto8D__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto8D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto8D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::array< double,8U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::array< double,8U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto9D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *ptr = (std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto9D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto9D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto9D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto9D" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,9U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto9D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *ptr = (std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto9D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto9D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto9D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,9U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto9D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto9D", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto9D__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto9D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto9D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::array< double,9U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::array< double,9U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto10D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
bool arg6 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
{
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *ptr = (std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto10D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto10D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto10D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
ecode6 = SWIG_AsVal_bool(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "weightedCopulaHisto10D" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,10U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto10D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
unsigned int *arg3 = (unsigned int *) 0 ;
unsigned int arg4 ;
npstat::HistoND< double,npstat::HistoAxis > *arg5 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
int res1 = SWIG_OLDOBJ ;
int res2 = SWIG_OLDOBJ ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
{
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *ptr = (std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "weightedCopulaHisto10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
arg1 = ptr;
}
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "weightedCopulaHisto10D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "weightedCopulaHisto10D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_UINT,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (unsigned int*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "weightedCopulaHisto10D" "', argument " "5"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg5 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp5);
{
try {
result = (double)npstat::SWIGTEMPLATEDISAMBIGUATOR weightedCopulaHisto_2< std::array< double,10U >,npstat::HistoND< double,npstat::HistoAxis > >((std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(unsigned int const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
if (SWIG_IsNewObj(res2)) delete arg2;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_weightedCopulaHisto10D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "weightedCopulaHisto10D", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_weightedCopulaHisto10D__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[3], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_weightedCopulaHisto10D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'weightedCopulaHisto10D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::weightedCopulaHisto_2< std::array< double,10U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *,bool)\n"
" npstat::weightedCopulaHisto_2< std::array< double,10U >,npstat::HistoND< double,npstat::HistoAxis > >(std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &,std::vector< double,std::allocator< double > > const &,unsigned int const *,unsigned int const,npstat::HistoND< double,npstat::HistoAxis > *)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_LOrPEGroupedCopulaSmoother_10(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int *arg1 = (unsigned int *) 0 ;
unsigned int arg2 ;
double arg3 ;
unsigned int arg4 ;
npstat::AbsDistributionND *arg5 = 0 ;
double *arg6 = (double *) 0 ;
unsigned int arg7 ;
double arg8 ;
npstat::LOrPEGroupedCopulaSmoother< 10U >::Base::GCVCalc *arg9 = (npstat::LOrPEGroupedCopulaSmoother< 10U >::Base::GCVCalc *) 0 ;
bool arg10 ;
double arg11 ;
unsigned int arg12 ;
bool arg13 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyArrayObject *array6 = NULL ;
int is_new_object6 = 0 ;
double val8 ;
int ecode8 = 0 ;
void *argp9 = 0 ;
int res9 = 0 ;
bool val10 ;
int ecode10 = 0 ;
double val11 ;
int ecode11 = 0 ;
unsigned int val12 ;
int ecode12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
PyObject *swig_obj[11] ;
npstat::LOrPEGroupedCopulaSmoother< 10U > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LOrPEGroupedCopulaSmoother_10", 11, 11, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_UINT,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (unsigned int*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_double(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
res5 = SWIG_ConvertPtr(swig_obj[3], &argp5, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "5"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "5"" of type '" "npstat::AbsDistributionND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsDistributionND * >(argp5);
{
npy_intp size[1] = {
-1
};
array6 = obj_to_array_contiguous_allow_conversion(swig_obj[4],
NPY_DOUBLE,
&is_new_object6);
if (!array6 || !require_dimensions(array6, 1) ||
!require_size(array6, size, 1)) SWIG_fail;
arg6 = (double*) array_data(array6);
arg7 = (int) array_size(array6,0);
}
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
res9 = SWIG_ConvertPtr(swig_obj[6], &argp9,SWIGTYPE_p_npstat__AbsBandwidthGCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "9"" of type '" "npstat::LOrPEGroupedCopulaSmoother< 10U >::Base::GCVCalc const *""'");
}
arg9 = reinterpret_cast< npstat::LOrPEGroupedCopulaSmoother< 10U >::Base::GCVCalc * >(argp9);
ecode10 = SWIG_AsVal_bool(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "10"" of type '" "bool""'");
}
arg10 = static_cast< bool >(val10);
ecode11 = SWIG_AsVal_double(swig_obj[8], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "11"" of type '" "double""'");
}
arg11 = static_cast< double >(val11);
ecode12 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "12"" of type '" "unsigned int""'");
}
arg12 = static_cast< unsigned int >(val12);
ecode13 = SWIG_AsVal_bool(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_LOrPEGroupedCopulaSmoother_10" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::LOrPEGroupedCopulaSmoother< 10U > *)new npstat::LOrPEGroupedCopulaSmoother< 10U >((unsigned int const *)arg1,arg2,arg3,arg4,(npstat::AbsDistributionND const &)*arg5,(double const *)arg6,arg7,arg8,(npstat::LOrPEGroupedCopulaSmoother< 10U >::Base::GCVCalc const *)arg9,arg10,arg11,arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPEGroupedCopulaSmootherT_10U_t, SWIG_POINTER_NEW | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object6 && array6)
{
Py_DECREF(array6);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object6 && array6)
{
Py_DECREF(array6);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LOrPEGroupedCopulaSmoother_10(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEGroupedCopulaSmoother< 10U > *arg1 = (npstat::LOrPEGroupedCopulaSmoother< 10U > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEGroupedCopulaSmootherT_10U_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LOrPEGroupedCopulaSmoother_10" "', argument " "1"" of type '" "npstat::LOrPEGroupedCopulaSmoother< 10U > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEGroupedCopulaSmoother< 10U > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LOrPEGroupedCopulaSmoother_10_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPEGroupedCopulaSmootherT_10U_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LOrPEGroupedCopulaSmoother_10_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,1U >,std::allocator< std::array< double,1U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,1U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree1D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,1U >,std::allocator< std::array< double,1U > > > *ptr = (std::vector< std::array< double,1U >,std::allocator< std::array< double,1U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree1D" "', argument " "1"" of type '" "std::vector< std::array< double,1U >,std::allocator< std::array< double,1U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree1D" "', argument " "1"" of type '" "std::vector< std::array< double,1U >,std::allocator< std::array< double,1U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,1U > > *)new npstat::KDTree< std::array< double,1U > >((std::vector< std::array< double,1U >,std::allocator< std::array< double,1U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_1U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,1U > > *arg1 = (npstat::KDTree< std::array< double,1U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_1U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree1D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,1U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,1U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree1D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,1U > > *arg1 = (npstat::KDTree< std::array< double,1U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_1U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree1D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,1U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,1U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,1U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree1D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,1U > > *arg1 = (npstat::KDTree< std::array< double,1U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_1U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree1D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,1U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,1U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,1U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree1D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,1U > > *arg1 = (npstat::KDTree< std::array< double,1U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_1U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree1D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,1U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,1U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,1U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree1D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,1U > > *arg1 = (npstat::KDTree< std::array< double,1U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree1D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_1U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree1D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,1U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,1U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree1D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,1U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree1D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,1U > > *arg1 = (npstat::KDTree< std::array< double,1U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree1D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_1U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree1D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,1U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,1U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,1U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree1D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,1U > > *arg1 = (npstat::KDTree< std::array< double,1U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree1D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_1U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree1D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,1U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,1U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree1D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree1D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,1U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_1U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree2D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,2U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree2D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *ptr = (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,2U > > *)new npstat::KDTree< std::array< double,2U > >((std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_2U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree2D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,2U > > *arg1 = (npstat::KDTree< std::array< double,2U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_2U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree2D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,2U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,2U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree2D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,2U > > *arg1 = (npstat::KDTree< std::array< double,2U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_2U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree2D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,2U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,2U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,2U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree2D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,2U > > *arg1 = (npstat::KDTree< std::array< double,2U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_2U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree2D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,2U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,2U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,2U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree2D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,2U > > *arg1 = (npstat::KDTree< std::array< double,2U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_2U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree2D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,2U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,2U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,2U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree2D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,2U > > *arg1 = (npstat::KDTree< std::array< double,2U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree2D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_2U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree2D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,2U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,2U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree2D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,2U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree2D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,2U > > *arg1 = (npstat::KDTree< std::array< double,2U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree2D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_2U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree2D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,2U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,2U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,2U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree2D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,2U > > *arg1 = (npstat::KDTree< std::array< double,2U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree2D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_2U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree2D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,2U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,2U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree2D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree2D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,2U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree2D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_2U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree2D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree3D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,3U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree3D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *ptr = (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,3U > > *)new npstat::KDTree< std::array< double,3U > >((std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_3U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree3D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,3U > > *arg1 = (npstat::KDTree< std::array< double,3U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_3U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree3D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,3U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,3U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree3D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,3U > > *arg1 = (npstat::KDTree< std::array< double,3U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_3U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree3D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,3U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,3U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,3U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree3D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,3U > > *arg1 = (npstat::KDTree< std::array< double,3U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_3U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree3D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,3U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,3U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,3U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree3D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,3U > > *arg1 = (npstat::KDTree< std::array< double,3U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_3U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree3D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,3U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,3U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,3U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree3D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,3U > > *arg1 = (npstat::KDTree< std::array< double,3U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree3D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_3U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree3D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,3U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,3U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree3D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,3U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree3D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,3U > > *arg1 = (npstat::KDTree< std::array< double,3U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree3D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_3U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree3D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,3U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,3U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,3U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree3D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,3U > > *arg1 = (npstat::KDTree< std::array< double,3U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree3D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_3U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree3D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,3U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,3U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree3D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree3D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,3U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree3D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_3U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree3D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree4D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,4U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree4D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *ptr = (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,4U > > *)new npstat::KDTree< std::array< double,4U > >((std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_4U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree4D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,4U > > *arg1 = (npstat::KDTree< std::array< double,4U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_4U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree4D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,4U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,4U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree4D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,4U > > *arg1 = (npstat::KDTree< std::array< double,4U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_4U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree4D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,4U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,4U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,4U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree4D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,4U > > *arg1 = (npstat::KDTree< std::array< double,4U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_4U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree4D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,4U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,4U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,4U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree4D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,4U > > *arg1 = (npstat::KDTree< std::array< double,4U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_4U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree4D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,4U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,4U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,4U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree4D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,4U > > *arg1 = (npstat::KDTree< std::array< double,4U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree4D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_4U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree4D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,4U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,4U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree4D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,4U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree4D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,4U > > *arg1 = (npstat::KDTree< std::array< double,4U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree4D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_4U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree4D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,4U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,4U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,4U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree4D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,4U > > *arg1 = (npstat::KDTree< std::array< double,4U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree4D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_4U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree4D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,4U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,4U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree4D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree4D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,4U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree4D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_4U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree4D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree5D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,5U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree5D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *ptr = (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,5U > > *)new npstat::KDTree< std::array< double,5U > >((std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_5U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree5D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,5U > > *arg1 = (npstat::KDTree< std::array< double,5U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_5U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree5D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,5U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,5U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree5D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,5U > > *arg1 = (npstat::KDTree< std::array< double,5U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_5U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree5D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,5U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,5U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,5U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree5D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,5U > > *arg1 = (npstat::KDTree< std::array< double,5U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_5U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree5D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,5U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,5U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,5U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree5D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,5U > > *arg1 = (npstat::KDTree< std::array< double,5U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_5U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree5D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,5U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,5U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,5U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree5D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,5U > > *arg1 = (npstat::KDTree< std::array< double,5U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree5D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_5U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree5D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,5U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,5U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree5D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,5U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree5D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,5U > > *arg1 = (npstat::KDTree< std::array< double,5U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree5D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_5U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree5D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,5U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,5U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,5U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree5D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,5U > > *arg1 = (npstat::KDTree< std::array< double,5U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree5D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_5U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree5D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,5U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,5U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree5D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree5D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,5U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree5D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_5U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree5D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree6D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,6U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree6D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *ptr = (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,6U > > *)new npstat::KDTree< std::array< double,6U > >((std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_6U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree6D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,6U > > *arg1 = (npstat::KDTree< std::array< double,6U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_6U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree6D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,6U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,6U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree6D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,6U > > *arg1 = (npstat::KDTree< std::array< double,6U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_6U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree6D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,6U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,6U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,6U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree6D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,6U > > *arg1 = (npstat::KDTree< std::array< double,6U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_6U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree6D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,6U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,6U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,6U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree6D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,6U > > *arg1 = (npstat::KDTree< std::array< double,6U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_6U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree6D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,6U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,6U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,6U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree6D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,6U > > *arg1 = (npstat::KDTree< std::array< double,6U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree6D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_6U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree6D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,6U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,6U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree6D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,6U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree6D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,6U > > *arg1 = (npstat::KDTree< std::array< double,6U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree6D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_6U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree6D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,6U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,6U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,6U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree6D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,6U > > *arg1 = (npstat::KDTree< std::array< double,6U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree6D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_6U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree6D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,6U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,6U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree6D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree6D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,6U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree6D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_6U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree6D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree7D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,7U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree7D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *ptr = (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,7U > > *)new npstat::KDTree< std::array< double,7U > >((std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_7U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree7D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,7U > > *arg1 = (npstat::KDTree< std::array< double,7U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_7U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree7D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,7U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,7U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree7D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,7U > > *arg1 = (npstat::KDTree< std::array< double,7U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_7U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree7D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,7U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,7U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,7U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree7D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,7U > > *arg1 = (npstat::KDTree< std::array< double,7U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_7U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree7D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,7U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,7U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,7U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree7D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,7U > > *arg1 = (npstat::KDTree< std::array< double,7U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_7U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree7D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,7U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,7U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,7U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree7D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,7U > > *arg1 = (npstat::KDTree< std::array< double,7U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree7D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_7U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree7D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,7U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,7U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree7D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,7U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree7D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,7U > > *arg1 = (npstat::KDTree< std::array< double,7U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree7D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_7U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree7D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,7U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,7U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,7U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree7D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,7U > > *arg1 = (npstat::KDTree< std::array< double,7U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree7D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_7U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree7D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,7U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,7U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree7D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree7D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,7U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree7D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_7U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree7D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree8D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,8U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree8D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *ptr = (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,8U > > *)new npstat::KDTree< std::array< double,8U > >((std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_8U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree8D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,8U > > *arg1 = (npstat::KDTree< std::array< double,8U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_8U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree8D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,8U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,8U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree8D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,8U > > *arg1 = (npstat::KDTree< std::array< double,8U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_8U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree8D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,8U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,8U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,8U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree8D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,8U > > *arg1 = (npstat::KDTree< std::array< double,8U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_8U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree8D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,8U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,8U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,8U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree8D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,8U > > *arg1 = (npstat::KDTree< std::array< double,8U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_8U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree8D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,8U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,8U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,8U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree8D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,8U > > *arg1 = (npstat::KDTree< std::array< double,8U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree8D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_8U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree8D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,8U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,8U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree8D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,8U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree8D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,8U > > *arg1 = (npstat::KDTree< std::array< double,8U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree8D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_8U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree8D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,8U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,8U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,8U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree8D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,8U > > *arg1 = (npstat::KDTree< std::array< double,8U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree8D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_8U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree8D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,8U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,8U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree8D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree8D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,8U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree8D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_8U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree8D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree9D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,9U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree9D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *ptr = (std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,9U > > *)new npstat::KDTree< std::array< double,9U > >((std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_9U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree9D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,9U > > *arg1 = (npstat::KDTree< std::array< double,9U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_9U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree9D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,9U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,9U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree9D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,9U > > *arg1 = (npstat::KDTree< std::array< double,9U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_9U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree9D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,9U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,9U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,9U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree9D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,9U > > *arg1 = (npstat::KDTree< std::array< double,9U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_9U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree9D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,9U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,9U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,9U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree9D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,9U > > *arg1 = (npstat::KDTree< std::array< double,9U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_9U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree9D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,9U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,9U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,9U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree9D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,9U > > *arg1 = (npstat::KDTree< std::array< double,9U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree9D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_9U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree9D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,9U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,9U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree9D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,9U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree9D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,9U > > *arg1 = (npstat::KDTree< std::array< double,9U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree9D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_9U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree9D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,9U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,9U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,9U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree9D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,9U > > *arg1 = (npstat::KDTree< std::array< double,9U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree9D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_9U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree9D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,9U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,9U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree9D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree9D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,9U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree9D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_9U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree9D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTree10D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::array< double,10U > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTree10D", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *ptr = (std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTree10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTree10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::array< double,10U > > *)new npstat::KDTree< std::array< double,10U > >((std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_10U_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTree10D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,10U > > *arg1 = (npstat::KDTree< std::array< double,10U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_10U_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTree10D" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,10U > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,10U > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree10D_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,10U > > *arg1 = (npstat::KDTree< std::array< double,10U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_10U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree10D_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,10U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,10U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,10U > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree10D_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,10U > > *arg1 = (npstat::KDTree< std::array< double,10U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_10U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree10D_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,10U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,10U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,10U > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree10D_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,10U > > *arg1 = (npstat::KDTree< std::array< double,10U > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_10U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree10D_dim" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,10U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,10U > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,10U > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree10D_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,10U > > *arg1 = (npstat::KDTree< std::array< double,10U > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree10D_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_10U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree10D_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,10U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,10U > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTree10D_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,10U > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree10D_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,10U > > *arg1 = (npstat::KDTree< std::array< double,10U > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree10D_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_10U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree10D_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,10U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,10U > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,10U > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTree10D_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::array< double,10U > > *arg1 = (npstat::KDTree< std::array< double,10U > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTree10D_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_10U_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTree10D_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::array< double,10U > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::array< double,10U > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTree10D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTree10D_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::array< double,10U > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTree10D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__arrayT_double_10U_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTree10D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDTreeND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::KDTree< std::vector< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_KDTreeND", 2, 2, swig_obj)) SWIG_fail;
{
std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *ptr = (std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDTreeND" "', argument " "1"" of type '" "std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDTreeND" "', argument " "1"" of type '" "std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::KDTree< std::vector< double > > *)new npstat::KDTree< std::vector< double > >((std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > const &)*arg1,(unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDTreeT_std__vectorT_double_std__allocatorT_double_t_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDTreeND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::vector< double > > *arg1 = (npstat::KDTree< std::vector< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__vectorT_double_std__allocatorT_double_t_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDTreeND" "', argument " "1"" of type '" "npstat::KDTree< std::vector< double > > *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::vector< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTreeND_nPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::vector< double > > *arg1 = (npstat::KDTree< std::vector< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__vectorT_double_std__allocatorT_double_t_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTreeND_nPoints" "', argument " "1"" of type '" "npstat::KDTree< std::vector< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::vector< double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::vector< double > > const *)arg1)->nPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTreeND_nNodes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::vector< double > > *arg1 = (npstat::KDTree< std::vector< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__vectorT_double_std__allocatorT_double_t_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTreeND_nNodes" "', argument " "1"" of type '" "npstat::KDTree< std::vector< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::vector< double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::vector< double > > const *)arg1)->nNodes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTreeND_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::vector< double > > *arg1 = (npstat::KDTree< std::vector< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__vectorT_double_std__allocatorT_double_t_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTreeND_dim" "', argument " "1"" of type '" "npstat::KDTree< std::vector< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::vector< double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::KDTree< std::vector< double > > const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTreeND_pointIndex(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::vector< double > > *arg1 = (npstat::KDTree< std::vector< double > > *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTreeND_pointIndex", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__vectorT_double_std__allocatorT_double_t_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTreeND_pointIndex" "', argument " "1"" of type '" "npstat::KDTree< std::vector< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::vector< double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDTreeND_pointIndex" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (unsigned int)((npstat::KDTree< std::vector< double > > const *)arg1)->pointIndex(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTreeND_nCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::vector< double > > *arg1 = (npstat::KDTree< std::vector< double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTreeND_nCdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__vectorT_double_std__allocatorT_double_t_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTreeND_nCdf" "', argument " "1"" of type '" "npstat::KDTree< std::vector< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::vector< double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (unsigned int)((npstat::KDTree< std::vector< double > > const *)arg1)->nCdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_KDTreeND_nInBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDTree< std::vector< double > > *arg1 = (npstat::KDTree< std::vector< double > > *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "KDTreeND_nInBox", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDTreeT_std__vectorT_double_std__allocatorT_double_t_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDTreeND_nInBox" "', argument " "1"" of type '" "npstat::KDTree< std::vector< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::KDTree< std::vector< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "KDTreeND_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "KDTreeND_nInBox" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (unsigned int)((npstat::KDTree< std::vector< double > > const *)arg1)->nInBox((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDTreeND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDTreeT_std__vectorT_double_std__allocatorT_double_t_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDTreeND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_arrayStats(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double *arg1 = (double *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
double *arg4 = (double *) 0 ;
double *arg5 = (double *) 0 ;
double *arg6 = (double *) 0 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
double temp3 ;
int res3 = SWIG_TMPOBJ ;
double temp4 ;
int res4 = SWIG_TMPOBJ ;
double temp5 ;
int res5 = SWIG_TMPOBJ ;
double temp6 ;
int res6 = SWIG_TMPOBJ ;
PyObject *swig_obj[1] ;
arg3 = &temp3;
arg4 = &temp4;
arg5 = &temp5;
arg6 = &temp6;
if (!args) SWIG_fail;
swig_obj[0] = args;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_DOUBLE,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (double*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
{
try {
npstat::arrayStats_2((double const *)arg1,arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsTmpObj(res3)) {
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_From_double((*arg3)));
} else {
int new_flags = SWIG_IsNewObj(res3) ? (SWIG_POINTER_OWN | 0 ) : 0 ;
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_NewPointerObj((void*)(arg3), SWIGTYPE_p_double, new_flags));
}
if (SWIG_IsTmpObj(res4)) {
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_From_double((*arg4)));
} else {
int new_flags = SWIG_IsNewObj(res4) ? (SWIG_POINTER_OWN | 0 ) : 0 ;
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_NewPointerObj((void*)(arg4), SWIGTYPE_p_double, new_flags));
}
if (SWIG_IsTmpObj(res5)) {
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_From_double((*arg5)));
} else {
int new_flags = SWIG_IsNewObj(res5) ? (SWIG_POINTER_OWN | 0 ) : 0 ;
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_NewPointerObj((void*)(arg5), SWIGTYPE_p_double, new_flags));
}
if (SWIG_IsTmpObj(res6)) {
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_From_double((*arg6)));
} else {
int new_flags = SWIG_IsNewObj(res6) ? (SWIG_POINTER_OWN | 0 ) : 0 ;
resultobj = SWIG_Python_AppendOutput(resultobj, SWIG_NewPointerObj((void*)(arg6), SWIGTYPE_p_double, new_flags));
}
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_arrayCumulants(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double *arg1 = (double *) 0 ;
unsigned long arg2 ;
unsigned int arg3 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[2] ;
std::vector< double,std::allocator< double > > result;
if (!SWIG_Python_UnpackTuple(args, "arrayCumulants", 2, 2, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_DOUBLE,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (double*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "arrayCumulants" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = npstat::arrayCumulants_2((double const *)arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_arrayMoments(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double *arg1 = (double *) 0 ;
unsigned long arg2 ;
double arg3 ;
unsigned int arg4 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[3] ;
std::vector< double,std::allocator< double > > result;
if (!SWIG_Python_UnpackTuple(args, "arrayMoments", 3, 3, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_DOUBLE,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (double*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_double(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "arrayMoments" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "arrayMoments" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
{
try {
result = npstat::arrayMoments_2((double const *)arg1,arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_arrayCentralMoments(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double *arg1 = (double *) 0 ;
unsigned long arg2 ;
unsigned int arg3 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[2] ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > result;
if (!SWIG_Python_UnpackTuple(args, "arrayCentralMoments", 2, 2, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_DOUBLE,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (double*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "arrayCentralMoments" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = npstat::arrayCentralMoments_2((double const *)arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > >(result));
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_poissonLogLikelihood(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double *arg1 = (double *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned long arg4 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "poissonLogLikelihood", 2, 2, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_DOUBLE,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (double*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
try {
result = (double)npstat::poissonLogLikelihood_2((double const *)arg1,arg2,(double const *)arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistro1DNP__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > *arg1 = 0 ;
bool arg2 ;
int res1 = SWIG_OLDOBJ ;
bool val2 ;
int ecode2 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
{
std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > *ptr = (std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_InterpolatedDistro1DNP" "', argument " "1"" of type '" "std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_InterpolatedDistro1DNP" "', argument " "1"" of type '" "std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &""'");
}
arg1 = ptr;
}
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_InterpolatedDistro1DNP" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
result = (npstat::InterpolatedDistro1DNP *)new npstat::InterpolatedDistro1DNP((std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &)*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistro1DNP__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > *arg1 = 0 ;
int res1 = SWIG_OLDOBJ ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
{
std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > *ptr = (std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_InterpolatedDistro1DNP" "', argument " "1"" of type '" "std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_InterpolatedDistro1DNP" "', argument " "1"" of type '" "std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &""'");
}
arg1 = ptr;
}
{
try {
result = (npstat::InterpolatedDistro1DNP *)new npstat::InterpolatedDistro1DNP((std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_InterpolatedDistro1DNP(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_InterpolatedDistro1DNP" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistro1DNP__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_InterpolatedDistro1DNP" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_InterpolatedDistro1DNP" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const &""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
try {
result = (npstat::InterpolatedDistro1DNP *)new npstat::InterpolatedDistro1DNP((npstat::InterpolatedDistro1DNP const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistro1DNP(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_InterpolatedDistro1DNP", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_InterpolatedDistro1DNP__SWIG_2(self, argc, argv);
}
}
if (argc == 1) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_InterpolatedDistro1DNP__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
int res = swig::asptr(argv[0], (std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_InterpolatedDistro1DNP__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_InterpolatedDistro1DNP'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InterpolatedDistro1DNP::InterpolatedDistro1DNP(std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &,bool)\n"
" npstat::InterpolatedDistro1DNP::InterpolatedDistro1DNP(std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &)\n"
" npstat::InterpolatedDistro1DNP::InterpolatedDistro1DNP(npstat::InterpolatedDistro1DNP const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_clone" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
try {
result = (npstat::InterpolatedDistro1DNP *)((npstat::InterpolatedDistro1DNP const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_interpolateVertically(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_interpolateVertically", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_interpolateVertically" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1DNP_interpolateVertically" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->interpolateVertically(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_interpolatingVertically(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_interpolatingVertically" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
try {
result = (bool)((npstat::InterpolatedDistro1DNP const *)arg1)->interpolatingVertically();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_getGridDistro(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_getGridDistro", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_getGridDistro" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
result = (npstat::AbsDistribution1D *)((npstat::InterpolatedDistro1DNP const *)arg1)->getGridDistro((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0 );
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_getLinearDistro(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_getLinearDistro", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_getLinearDistro" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1DNP_getLinearDistro" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::AbsDistribution1D *)((npstat::InterpolatedDistro1DNP const *)arg1)->getLinearDistro(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_setGridCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_setGridCoords", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_setGridCoords" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setGridCoords((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_nAxes(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_nAxes" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
try {
result = (unsigned int)((npstat::InterpolatedDistro1DNP const *)arg1)->nAxes();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_nDistros(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_nDistros" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
try {
result = (unsigned long)((npstat::InterpolatedDistro1DNP const *)arg1)->nDistros();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_gridShape(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ArrayShape result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_gridShape" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
try {
result = ((npstat::InterpolatedDistro1DNP const *)arg1)->gridShape();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< unsigned int,std::allocator< unsigned int > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_getAxis(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::GridAxis *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_getAxis", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_getAxis" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1DNP_getAxis" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (npstat::GridAxis *) &((npstat::InterpolatedDistro1DNP const *)arg1)->getAxis(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridAxis, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_density" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1DNP_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistro1DNP const *)arg1)->density(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_cdf" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1DNP_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistro1DNP const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_exceedance" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1DNP_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistro1DNP const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_quantile" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1DNP_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistro1DNP const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_classId" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
try {
result = ((npstat::InterpolatedDistro1DNP const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_write" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "InterpolatedDistro1DNP_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "InterpolatedDistro1DNP_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::InterpolatedDistro1DNP const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::InterpolatedDistro1DNP::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::InterpolatedDistro1DNP::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "InterpolatedDistro1DNP_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "InterpolatedDistro1DNP_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "InterpolatedDistro1DNP_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::InterpolatedDistro1DNP::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_setGridDistro(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
npstat::AbsDistribution1D *arg4 = (npstat::AbsDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_setGridDistro", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_setGridDistro" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
res4 = SWIG_ConvertPtr(swig_obj[2], &argp4,SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "InterpolatedDistro1DNP_setGridDistro" "', argument " "4"" of type '" "npstat::AbsDistribution1D *""'");
}
arg4 = reinterpret_cast< npstat::AbsDistribution1D * >(argp4);
{
try {
(arg1)->setGridDistro_2((unsigned int const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1DNP_setLinearDistro(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = (npstat::InterpolatedDistro1DNP *) 0 ;
unsigned long arg2 ;
npstat::AbsDistribution1D *arg3 = (npstat::AbsDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1DNP_setLinearDistro", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1DNP_setLinearDistro" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1DNP_setLinearDistro" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "InterpolatedDistro1DNP_setLinearDistro" "', argument " "3"" of type '" "npstat::AbsDistribution1D *""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
{
try {
(arg1)->setLinearDistro_2(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *InterpolatedDistro1DNP_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *InterpolatedDistro1DNP_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_InterpolatedDistro1DNP(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::InterpolatedDistro1DNP > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_InterpolatedDistro1DNP", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_InterpolatedDistro1DNP" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_InterpolatedDistro1DNP" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const &""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_InterpolatedDistro1DNP" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_InterpolatedDistro1DNP" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::InterpolatedDistro1DNP > *)new gs::ArchiveRecord< npstat::InterpolatedDistro1DNP >((npstat::InterpolatedDistro1DNP const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InterpolatedDistro1DNP_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_InterpolatedDistro1DNP(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::InterpolatedDistro1DNP > *arg1 = (gs::ArchiveRecord< npstat::InterpolatedDistro1DNP > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__InterpolatedDistro1DNP_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_InterpolatedDistro1DNP" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::InterpolatedDistro1DNP > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::InterpolatedDistro1DNP > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_InterpolatedDistro1DNP_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__InterpolatedDistro1DNP_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_InterpolatedDistro1DNP_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_113(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1DNP *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::InterpolatedDistro1DNP > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InterpolatedDistro1DNP const &""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::InterpolatedDistro1DNP >((npstat::InterpolatedDistro1DNP const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::InterpolatedDistro1DNP >(static_cast< const gs::ArchiveRecord< npstat::InterpolatedDistro1DNP >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InterpolatedDistro1DNP_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_InterpolatedDistro1DNP__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::InterpolatedDistro1DNP > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::InterpolatedDistro1DNP > *)new gs::Reference< npstat::InterpolatedDistro1DNP >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1DNP_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_InterpolatedDistro1DNP__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::InterpolatedDistro1DNP > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::InterpolatedDistro1DNP > *)new gs::Reference< npstat::InterpolatedDistro1DNP >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1DNP_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_InterpolatedDistro1DNP__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::InterpolatedDistro1DNP > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1DNP" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::InterpolatedDistro1DNP > *)new gs::Reference< npstat::InterpolatedDistro1DNP >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1DNP_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_InterpolatedDistro1DNP(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_InterpolatedDistro1DNP", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_InterpolatedDistro1DNP__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_InterpolatedDistro1DNP__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_InterpolatedDistro1DNP__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_InterpolatedDistro1DNP'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::InterpolatedDistro1DNP >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::InterpolatedDistro1DNP >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::InterpolatedDistro1DNP >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_InterpolatedDistro1DNP_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InterpolatedDistro1DNP > *arg1 = (gs::Reference< npstat::InterpolatedDistro1DNP > *) 0 ;
unsigned long arg2 ;
npstat::InterpolatedDistro1DNP *arg3 = (npstat::InterpolatedDistro1DNP *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_InterpolatedDistro1DNP_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1DNP_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_InterpolatedDistro1DNP_restore" "', argument " "1"" of type '" "gs::Reference< npstat::InterpolatedDistro1DNP > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InterpolatedDistro1DNP > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_InterpolatedDistro1DNP_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__InterpolatedDistro1DNP, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_InterpolatedDistro1DNP_restore" "', argument " "3"" of type '" "npstat::InterpolatedDistro1DNP *""'");
}
arg3 = reinterpret_cast< npstat::InterpolatedDistro1DNP * >(argp3);
{
try {
((gs::Reference< npstat::InterpolatedDistro1DNP > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_InterpolatedDistro1DNP_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InterpolatedDistro1DNP > *arg1 = (gs::Reference< npstat::InterpolatedDistro1DNP > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_InterpolatedDistro1DNP_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1DNP_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_InterpolatedDistro1DNP_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::InterpolatedDistro1DNP > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InterpolatedDistro1DNP > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_InterpolatedDistro1DNP_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::InterpolatedDistro1DNP *)gs_Reference_Sl_npstat_InterpolatedDistro1DNP_Sg__retrieve((gs::Reference< npstat::InterpolatedDistro1DNP > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_InterpolatedDistro1DNP_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InterpolatedDistro1DNP > *arg1 = (gs::Reference< npstat::InterpolatedDistro1DNP > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::InterpolatedDistro1DNP > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_InterpolatedDistro1DNP_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1DNP_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_InterpolatedDistro1DNP_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::InterpolatedDistro1DNP > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InterpolatedDistro1DNP > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_InterpolatedDistro1DNP_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_InterpolatedDistro1DNP_Sg__getValue((gs::Reference< npstat::InterpolatedDistro1DNP > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::InterpolatedDistro1DNP(static_cast< const npstat::InterpolatedDistro1DNP& >(result))), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_InterpolatedDistro1DNP(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InterpolatedDistro1DNP > *arg1 = (gs::Reference< npstat::InterpolatedDistro1DNP > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1DNP_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_InterpolatedDistro1DNP" "', argument " "1"" of type '" "gs::Reference< npstat::InterpolatedDistro1DNP > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InterpolatedDistro1DNP > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_InterpolatedDistro1DNP_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1DNP_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_InterpolatedDistro1DNP_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_FoldedDistribution1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
double arg2 ;
double arg3 ;
unsigned int arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
npstat::FoldedDistribution1D *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_FoldedDistribution1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_FoldedDistribution1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_FoldedDistribution1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_FoldedDistribution1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_FoldedDistribution1D" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
{
try {
result = (npstat::FoldedDistribution1D *)new npstat::FoldedDistribution1D((npstat::AbsDistribution1D const &)*arg1,arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_FoldedDistribution1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
npstat::FoldedDistribution1D *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_FoldedDistribution1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_FoldedDistribution1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_FoldedDistribution1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_FoldedDistribution1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::FoldedDistribution1D *)new npstat::FoldedDistribution1D((npstat::AbsDistribution1D const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_FoldedDistribution1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::FoldedDistribution1D *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_FoldedDistribution1D" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_FoldedDistribution1D" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
{
try {
result = (npstat::FoldedDistribution1D *)new npstat::FoldedDistribution1D((npstat::FoldedDistribution1D const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_FoldedDistribution1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_FoldedDistribution1D", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_FoldedDistribution1D__SWIG_2(self, argc, argv);
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_FoldedDistribution1D__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_FoldedDistribution1D__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_FoldedDistribution1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::FoldedDistribution1D::FoldedDistribution1D(npstat::AbsDistribution1D const &,double,double,unsigned int)\n"
" npstat::FoldedDistribution1D::FoldedDistribution1D(npstat::AbsDistribution1D const &,double,double)\n"
" npstat::FoldedDistribution1D::FoldedDistribution1D(npstat::FoldedDistribution1D const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = (npstat::FoldedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::FoldedDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FoldedDistribution1D_clone" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
{
try {
result = (npstat::FoldedDistribution1D *)((npstat::FoldedDistribution1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_FoldedDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = (npstat::FoldedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FoldedDistribution1D" "', argument " "1"" of type '" "npstat::FoldedDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = (npstat::FoldedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "FoldedDistribution1D_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FoldedDistribution1D_density" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FoldedDistribution1D_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::FoldedDistribution1D const *)arg1)->density(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = (npstat::FoldedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "FoldedDistribution1D_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FoldedDistribution1D_cdf" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FoldedDistribution1D_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::FoldedDistribution1D const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = (npstat::FoldedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "FoldedDistribution1D_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FoldedDistribution1D_exceedance" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FoldedDistribution1D_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::FoldedDistribution1D const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = (npstat::FoldedDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "FoldedDistribution1D_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FoldedDistribution1D_quantile" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FoldedDistribution1D_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::FoldedDistribution1D const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = (npstat::FoldedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FoldedDistribution1D_classId" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
{
try {
result = ((npstat::FoldedDistribution1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = (npstat::FoldedDistribution1D *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "FoldedDistribution1D_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FoldedDistribution1D_write" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FoldedDistribution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FoldedDistribution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::FoldedDistribution1D const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "FoldedDistribution1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::FoldedDistribution1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "FoldedDistribution1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::FoldedDistribution1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FoldedDistribution1D_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::FoldedDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "FoldedDistribution1D_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FoldedDistribution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FoldedDistribution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FoldedDistribution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FoldedDistribution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::FoldedDistribution1D *)npstat::FoldedDistribution1D::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FoldedDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FoldedDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_FoldedDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::FoldedDistribution1D > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_FoldedDistribution1D", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_FoldedDistribution1D" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_FoldedDistribution1D" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_FoldedDistribution1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_FoldedDistribution1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::FoldedDistribution1D > *)new gs::ArchiveRecord< npstat::FoldedDistribution1D >((npstat::FoldedDistribution1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__FoldedDistribution1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_FoldedDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::FoldedDistribution1D > *arg1 = (gs::ArchiveRecord< npstat::FoldedDistribution1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__FoldedDistribution1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_FoldedDistribution1D" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::FoldedDistribution1D > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::FoldedDistribution1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_FoldedDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__FoldedDistribution1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_FoldedDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_114(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::FoldedDistribution1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::FoldedDistribution1D > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::FoldedDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::FoldedDistribution1D >((npstat::FoldedDistribution1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::FoldedDistribution1D >(static_cast< const gs::ArchiveRecord< npstat::FoldedDistribution1D >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__FoldedDistribution1D_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_FoldedDistribution1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::FoldedDistribution1D > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_FoldedDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FoldedDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_FoldedDistribution1D" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::FoldedDistribution1D > *)new gs::Reference< npstat::FoldedDistribution1D >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__FoldedDistribution1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_FoldedDistribution1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::FoldedDistribution1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_FoldedDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FoldedDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_FoldedDistribution1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_FoldedDistribution1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::FoldedDistribution1D > *)new gs::Reference< npstat::FoldedDistribution1D >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__FoldedDistribution1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_FoldedDistribution1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::FoldedDistribution1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_FoldedDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FoldedDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_FoldedDistribution1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FoldedDistribution1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_FoldedDistribution1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FoldedDistribution1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::FoldedDistribution1D > *)new gs::Reference< npstat::FoldedDistribution1D >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__FoldedDistribution1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_FoldedDistribution1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_FoldedDistribution1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_FoldedDistribution1D__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_FoldedDistribution1D__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_FoldedDistribution1D__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_FoldedDistribution1D'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::FoldedDistribution1D >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::FoldedDistribution1D >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::FoldedDistribution1D >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_FoldedDistribution1D_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::FoldedDistribution1D > *arg1 = (gs::Reference< npstat::FoldedDistribution1D > *) 0 ;
unsigned long arg2 ;
npstat::FoldedDistribution1D *arg3 = (npstat::FoldedDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_FoldedDistribution1D_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__FoldedDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_FoldedDistribution1D_restore" "', argument " "1"" of type '" "gs::Reference< npstat::FoldedDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::FoldedDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_FoldedDistribution1D_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__FoldedDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_FoldedDistribution1D_restore" "', argument " "3"" of type '" "npstat::FoldedDistribution1D *""'");
}
arg3 = reinterpret_cast< npstat::FoldedDistribution1D * >(argp3);
{
try {
((gs::Reference< npstat::FoldedDistribution1D > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_FoldedDistribution1D_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::FoldedDistribution1D > *arg1 = (gs::Reference< npstat::FoldedDistribution1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::FoldedDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_FoldedDistribution1D_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__FoldedDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_FoldedDistribution1D_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::FoldedDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::FoldedDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_FoldedDistribution1D_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::FoldedDistribution1D *)gs_Reference_Sl_npstat_FoldedDistribution1D_Sg__retrieve((gs::Reference< npstat::FoldedDistribution1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_FoldedDistribution1D_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::FoldedDistribution1D > *arg1 = (gs::Reference< npstat::FoldedDistribution1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::FoldedDistribution1D > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_FoldedDistribution1D_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__FoldedDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_FoldedDistribution1D_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::FoldedDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::FoldedDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_FoldedDistribution1D_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_FoldedDistribution1D_Sg__getValue((gs::Reference< npstat::FoldedDistribution1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::FoldedDistribution1D(static_cast< const npstat::FoldedDistribution1D& >(result))), SWIGTYPE_p_npstat__FoldedDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_FoldedDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::FoldedDistribution1D > *arg1 = (gs::Reference< npstat::FoldedDistribution1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__FoldedDistribution1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_FoldedDistribution1D" "', argument " "1"" of type '" "gs::Reference< npstat::FoldedDistribution1D > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::FoldedDistribution1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_FoldedDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__FoldedDistribution1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_FoldedDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LOrPE1DFixedDegreeCVScanner(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
double val1 ;
int ecode1 = 0 ;
int res2 = SWIG_OLDOBJ ;
PyObject *swig_obj[2] ;
npstat::LOrPE1DFixedDegreeCVScanner *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LOrPE1DFixedDegreeCVScanner", 2, 2, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_LOrPE1DFixedDegreeCVScanner" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_LOrPE1DFixedDegreeCVScanner" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPE1DFixedDegreeCVScanner" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
try {
result = (npstat::LOrPE1DFixedDegreeCVScanner *)new npstat::LOrPE1DFixedDegreeCVScanner(arg1,(std::vector< double,std::allocator< double > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DFixedDegreeCVScanner_nBwFactors(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFixedDegreeCVScanner *arg1 = (npstat::LOrPE1DFixedDegreeCVScanner *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DFixedDegreeCVScanner_nBwFactors" "', argument " "1"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DFixedDegreeCVScanner const *)arg1)->nBwFactors();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DFixedDegreeCVScanner_getBwFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFixedDegreeCVScanner *arg1 = (npstat::LOrPE1DFixedDegreeCVScanner *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "LOrPE1DFixedDegreeCVScanner_getBwFactor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPE1DFixedDegreeCVScanner_getBwFactor" "', argument " "1"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DFixedDegreeCVScanner_getBwFactor" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (double)((npstat::LOrPE1DFixedDegreeCVScanner const *)arg1)->getBwFactor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LOrPE1DFixedDegreeCVScanner(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DFixedDegreeCVScanner *arg1 = (npstat::LOrPE1DFixedDegreeCVScanner *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LOrPE1DFixedDegreeCVScanner" "', argument " "1"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LOrPE1DFixedDegreeCVScanner_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LOrPE1DFixedDegreeCVScanner_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleKDE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = 0 ;
double arg2 ;
double arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
double *arg6 = (double *) 0 ;
unsigned long arg7 ;
bool arg8 ;
bool arg9 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
unsigned long val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyObject *swig_obj[9] ;
npstat::KDE1DLSCVFunctorHelper< double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleKDE1DLSCVFunctorHelper", 9, 9, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "6"" of type '" "double const *""'");
}
arg6 = reinterpret_cast< double * >(argp6);
ecode7 = SWIG_AsVal_unsigned_SS_long(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "7"" of type '" "unsigned long""'");
}
arg7 = static_cast< unsigned long >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_DoubleKDE1DLSCVFunctorHelper" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
try {
result = (npstat::KDE1DLSCVFunctorHelper< double > *)new npstat::KDE1DLSCVFunctorHelper< double >((npstat::AbsKDE1DKernel const &)*arg1,arg2,arg3,arg4,arg5,(double const *)arg6,arg7,arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DLSCVFunctorHelperT_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1DLSCVFunctorHelper___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DLSCVFunctorHelper< double > *arg1 = (npstat::KDE1DLSCVFunctorHelper< double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1DLSCVFunctorHelper___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DLSCVFunctorHelperT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1DLSCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::KDE1DLSCVFunctorHelper< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DLSCVFunctorHelper< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1DLSCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::KDE1DLSCVFunctorHelper< double > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleKDE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DLSCVFunctorHelper< double > *arg1 = (npstat::KDE1DLSCVFunctorHelper< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DLSCVFunctorHelperT_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleKDE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::KDE1DLSCVFunctorHelper< double > *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DLSCVFunctorHelper< double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleKDE1DLSCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDE1DLSCVFunctorHelperT_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleKDE1DLSCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleKDE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = 0 ;
double arg2 ;
double *arg3 = (double *) 0 ;
unsigned long arg4 ;
bool arg5 ;
bool arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
bool val6 ;
int ecode6 = 0 ;
PyObject *swig_obj[6] ;
npstat::KDE1DRLCVFunctorHelper< double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleKDE1DRLCVFunctorHelper", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleKDE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleKDE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleKDE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_DoubleKDE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double const *""'");
}
arg3 = reinterpret_cast< double * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DoubleKDE1DRLCVFunctorHelper" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleKDE1DRLCVFunctorHelper" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
ecode6 = SWIG_AsVal_bool(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_DoubleKDE1DRLCVFunctorHelper" "', argument " "6"" of type '" "bool""'");
}
arg6 = static_cast< bool >(val6);
{
try {
result = (npstat::KDE1DRLCVFunctorHelper< double > *)new npstat::KDE1DRLCVFunctorHelper< double >((npstat::AbsKDE1DKernel const &)*arg1,arg2,(double const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DRLCVFunctorHelperT_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1DRLCVFunctorHelper___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DRLCVFunctorHelper< double > *arg1 = (npstat::KDE1DRLCVFunctorHelper< double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1DRLCVFunctorHelper___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DRLCVFunctorHelperT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1DRLCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::KDE1DRLCVFunctorHelper< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DRLCVFunctorHelper< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1DRLCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::KDE1DRLCVFunctorHelper< double > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleKDE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DRLCVFunctorHelper< double > *arg1 = (npstat::KDE1DRLCVFunctorHelper< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DRLCVFunctorHelperT_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleKDE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::KDE1DRLCVFunctorHelper< double > *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DRLCVFunctorHelper< double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleKDE1DRLCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDE1DRLCVFunctorHelperT_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleKDE1DRLCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UCharInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
npstat::InMemoryNtuple< unsigned char > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_UCharInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
{
try {
result = (npstat::InMemoryNtuple< unsigned char > *)new npstat::InMemoryNtuple< unsigned char >((std::vector< std::string,std::allocator< std::string > > const &)*arg1,(char const *)arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return resultobj;
fail:
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_UCharInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
npstat::InMemoryNtuple< unsigned char > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
{
try {
result = (npstat::InMemoryNtuple< unsigned char > *)new npstat::InMemoryNtuple< unsigned char >((std::vector< std::string,std::allocator< std::string > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
return resultobj;
fail:
{
delete arg1;
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_UCharInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_UCharInMemoryNtuple", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
return _wrap_new_UCharInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_UCharInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_UCharInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< unsigned char >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &,char const *)\n"
" npstat::InMemoryNtuple< unsigned char >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_UCharInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_nRows(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_nRows" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
{
try {
result = (unsigned long)((npstat::InMemoryNtuple< unsigned char > const *)arg1)->nRows();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = (unsigned char *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UBYTE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned char*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->fill((unsigned char const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
{
try {
(arg1)->fill((unsigned char const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
unsigned char *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
unsigned char temp3 ;
unsigned char val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_unsigned_SS_char(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_fill" "', argument " "3"" of type '" "unsigned char""'");
}
temp3 = static_cast< unsigned char >(val3);
arg3 = &temp3;
{
try {
(arg1)->fill((unsigned char const &)*arg2,(unsigned char const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
unsigned char *arg3 = 0 ;
unsigned char *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
unsigned char temp3 ;
unsigned char val3 ;
int ecode3 = 0 ;
unsigned char temp4 ;
unsigned char val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_unsigned_SS_char(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_fill" "', argument " "3"" of type '" "unsigned char""'");
}
temp3 = static_cast< unsigned char >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_unsigned_SS_char(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_fill" "', argument " "4"" of type '" "unsigned char""'");
}
temp4 = static_cast< unsigned char >(val4);
arg4 = &temp4;
{
try {
(arg1)->fill((unsigned char const &)*arg2,(unsigned char const &)*arg3,(unsigned char const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
unsigned char *arg3 = 0 ;
unsigned char *arg4 = 0 ;
unsigned char *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
unsigned char temp3 ;
unsigned char val3 ;
int ecode3 = 0 ;
unsigned char temp4 ;
unsigned char val4 ;
int ecode4 = 0 ;
unsigned char temp5 ;
unsigned char val5 ;
int ecode5 = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_unsigned_SS_char(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_fill" "', argument " "3"" of type '" "unsigned char""'");
}
temp3 = static_cast< unsigned char >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_unsigned_SS_char(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_fill" "', argument " "4"" of type '" "unsigned char""'");
}
temp4 = static_cast< unsigned char >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_unsigned_SS_char(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "UCharInMemoryNtuple_fill" "', argument " "5"" of type '" "unsigned char""'");
}
temp5 = static_cast< unsigned char >(val5);
arg5 = &temp5;
{
try {
(arg1)->fill((unsigned char const &)*arg2,(unsigned char const &)*arg3,(unsigned char const &)*arg4,(unsigned char const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
unsigned char *arg3 = 0 ;
unsigned char *arg4 = 0 ;
unsigned char *arg5 = 0 ;
unsigned char *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
unsigned char temp3 ;
unsigned char val3 ;
int ecode3 = 0 ;
unsigned char temp4 ;
unsigned char val4 ;
int ecode4 = 0 ;
unsigned char temp5 ;
unsigned char val5 ;
int ecode5 = 0 ;
unsigned char temp6 ;
unsigned char val6 ;
int ecode6 = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_unsigned_SS_char(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_fill" "', argument " "3"" of type '" "unsigned char""'");
}
temp3 = static_cast< unsigned char >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_unsigned_SS_char(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_fill" "', argument " "4"" of type '" "unsigned char""'");
}
temp4 = static_cast< unsigned char >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_unsigned_SS_char(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "UCharInMemoryNtuple_fill" "', argument " "5"" of type '" "unsigned char""'");
}
temp5 = static_cast< unsigned char >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_char(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "UCharInMemoryNtuple_fill" "', argument " "6"" of type '" "unsigned char""'");
}
temp6 = static_cast< unsigned char >(val6);
arg6 = &temp6;
{
try {
(arg1)->fill((unsigned char const &)*arg2,(unsigned char const &)*arg3,(unsigned char const &)*arg4,(unsigned char const &)*arg5,(unsigned char const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
unsigned char *arg3 = 0 ;
unsigned char *arg4 = 0 ;
unsigned char *arg5 = 0 ;
unsigned char *arg6 = 0 ;
unsigned char *arg7 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
unsigned char temp3 ;
unsigned char val3 ;
int ecode3 = 0 ;
unsigned char temp4 ;
unsigned char val4 ;
int ecode4 = 0 ;
unsigned char temp5 ;
unsigned char val5 ;
int ecode5 = 0 ;
unsigned char temp6 ;
unsigned char val6 ;
int ecode6 = 0 ;
unsigned char temp7 ;
unsigned char val7 ;
int ecode7 = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_unsigned_SS_char(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_fill" "', argument " "3"" of type '" "unsigned char""'");
}
temp3 = static_cast< unsigned char >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_unsigned_SS_char(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_fill" "', argument " "4"" of type '" "unsigned char""'");
}
temp4 = static_cast< unsigned char >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_unsigned_SS_char(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "UCharInMemoryNtuple_fill" "', argument " "5"" of type '" "unsigned char""'");
}
temp5 = static_cast< unsigned char >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_char(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "UCharInMemoryNtuple_fill" "', argument " "6"" of type '" "unsigned char""'");
}
temp6 = static_cast< unsigned char >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_unsigned_SS_char(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "UCharInMemoryNtuple_fill" "', argument " "7"" of type '" "unsigned char""'");
}
temp7 = static_cast< unsigned char >(val7);
arg7 = &temp7;
{
try {
(arg1)->fill((unsigned char const &)*arg2,(unsigned char const &)*arg3,(unsigned char const &)*arg4,(unsigned char const &)*arg5,(unsigned char const &)*arg6,(unsigned char const &)*arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
unsigned char *arg3 = 0 ;
unsigned char *arg4 = 0 ;
unsigned char *arg5 = 0 ;
unsigned char *arg6 = 0 ;
unsigned char *arg7 = 0 ;
unsigned char *arg8 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
unsigned char temp3 ;
unsigned char val3 ;
int ecode3 = 0 ;
unsigned char temp4 ;
unsigned char val4 ;
int ecode4 = 0 ;
unsigned char temp5 ;
unsigned char val5 ;
int ecode5 = 0 ;
unsigned char temp6 ;
unsigned char val6 ;
int ecode6 = 0 ;
unsigned char temp7 ;
unsigned char val7 ;
int ecode7 = 0 ;
unsigned char temp8 ;
unsigned char val8 ;
int ecode8 = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_unsigned_SS_char(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_fill" "', argument " "3"" of type '" "unsigned char""'");
}
temp3 = static_cast< unsigned char >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_unsigned_SS_char(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_fill" "', argument " "4"" of type '" "unsigned char""'");
}
temp4 = static_cast< unsigned char >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_unsigned_SS_char(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "UCharInMemoryNtuple_fill" "', argument " "5"" of type '" "unsigned char""'");
}
temp5 = static_cast< unsigned char >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_char(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "UCharInMemoryNtuple_fill" "', argument " "6"" of type '" "unsigned char""'");
}
temp6 = static_cast< unsigned char >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_unsigned_SS_char(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "UCharInMemoryNtuple_fill" "', argument " "7"" of type '" "unsigned char""'");
}
temp7 = static_cast< unsigned char >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_unsigned_SS_char(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "UCharInMemoryNtuple_fill" "', argument " "8"" of type '" "unsigned char""'");
}
temp8 = static_cast< unsigned char >(val8);
arg8 = &temp8;
{
try {
(arg1)->fill((unsigned char const &)*arg2,(unsigned char const &)*arg3,(unsigned char const &)*arg4,(unsigned char const &)*arg5,(unsigned char const &)*arg6,(unsigned char const &)*arg7,(unsigned char const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
unsigned char *arg3 = 0 ;
unsigned char *arg4 = 0 ;
unsigned char *arg5 = 0 ;
unsigned char *arg6 = 0 ;
unsigned char *arg7 = 0 ;
unsigned char *arg8 = 0 ;
unsigned char *arg9 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
unsigned char temp3 ;
unsigned char val3 ;
int ecode3 = 0 ;
unsigned char temp4 ;
unsigned char val4 ;
int ecode4 = 0 ;
unsigned char temp5 ;
unsigned char val5 ;
int ecode5 = 0 ;
unsigned char temp6 ;
unsigned char val6 ;
int ecode6 = 0 ;
unsigned char temp7 ;
unsigned char val7 ;
int ecode7 = 0 ;
unsigned char temp8 ;
unsigned char val8 ;
int ecode8 = 0 ;
unsigned char temp9 ;
unsigned char val9 ;
int ecode9 = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_unsigned_SS_char(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_fill" "', argument " "3"" of type '" "unsigned char""'");
}
temp3 = static_cast< unsigned char >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_unsigned_SS_char(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_fill" "', argument " "4"" of type '" "unsigned char""'");
}
temp4 = static_cast< unsigned char >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_unsigned_SS_char(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "UCharInMemoryNtuple_fill" "', argument " "5"" of type '" "unsigned char""'");
}
temp5 = static_cast< unsigned char >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_char(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "UCharInMemoryNtuple_fill" "', argument " "6"" of type '" "unsigned char""'");
}
temp6 = static_cast< unsigned char >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_unsigned_SS_char(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "UCharInMemoryNtuple_fill" "', argument " "7"" of type '" "unsigned char""'");
}
temp7 = static_cast< unsigned char >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_unsigned_SS_char(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "UCharInMemoryNtuple_fill" "', argument " "8"" of type '" "unsigned char""'");
}
temp8 = static_cast< unsigned char >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_unsigned_SS_char(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "UCharInMemoryNtuple_fill" "', argument " "9"" of type '" "unsigned char""'");
}
temp9 = static_cast< unsigned char >(val9);
arg9 = &temp9;
{
try {
(arg1)->fill((unsigned char const &)*arg2,(unsigned char const &)*arg3,(unsigned char const &)*arg4,(unsigned char const &)*arg5,(unsigned char const &)*arg6,(unsigned char const &)*arg7,(unsigned char const &)*arg8,(unsigned char const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
unsigned char *arg3 = 0 ;
unsigned char *arg4 = 0 ;
unsigned char *arg5 = 0 ;
unsigned char *arg6 = 0 ;
unsigned char *arg7 = 0 ;
unsigned char *arg8 = 0 ;
unsigned char *arg9 = 0 ;
unsigned char *arg10 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
unsigned char temp3 ;
unsigned char val3 ;
int ecode3 = 0 ;
unsigned char temp4 ;
unsigned char val4 ;
int ecode4 = 0 ;
unsigned char temp5 ;
unsigned char val5 ;
int ecode5 = 0 ;
unsigned char temp6 ;
unsigned char val6 ;
int ecode6 = 0 ;
unsigned char temp7 ;
unsigned char val7 ;
int ecode7 = 0 ;
unsigned char temp8 ;
unsigned char val8 ;
int ecode8 = 0 ;
unsigned char temp9 ;
unsigned char val9 ;
int ecode9 = 0 ;
unsigned char temp10 ;
unsigned char val10 ;
int ecode10 = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_unsigned_SS_char(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_fill" "', argument " "3"" of type '" "unsigned char""'");
}
temp3 = static_cast< unsigned char >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_unsigned_SS_char(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_fill" "', argument " "4"" of type '" "unsigned char""'");
}
temp4 = static_cast< unsigned char >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_unsigned_SS_char(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "UCharInMemoryNtuple_fill" "', argument " "5"" of type '" "unsigned char""'");
}
temp5 = static_cast< unsigned char >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_char(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "UCharInMemoryNtuple_fill" "', argument " "6"" of type '" "unsigned char""'");
}
temp6 = static_cast< unsigned char >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_unsigned_SS_char(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "UCharInMemoryNtuple_fill" "', argument " "7"" of type '" "unsigned char""'");
}
temp7 = static_cast< unsigned char >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_unsigned_SS_char(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "UCharInMemoryNtuple_fill" "', argument " "8"" of type '" "unsigned char""'");
}
temp8 = static_cast< unsigned char >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_unsigned_SS_char(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "UCharInMemoryNtuple_fill" "', argument " "9"" of type '" "unsigned char""'");
}
temp9 = static_cast< unsigned char >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_unsigned_SS_char(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "UCharInMemoryNtuple_fill" "', argument " "10"" of type '" "unsigned char""'");
}
temp10 = static_cast< unsigned char >(val10);
arg10 = &temp10;
{
try {
(arg1)->fill((unsigned char const &)*arg2,(unsigned char const &)*arg3,(unsigned char const &)*arg4,(unsigned char const &)*arg5,(unsigned char const &)*arg6,(unsigned char const &)*arg7,(unsigned char const &)*arg8,(unsigned char const &)*arg9,(unsigned char const &)*arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
unsigned char *arg3 = 0 ;
unsigned char *arg4 = 0 ;
unsigned char *arg5 = 0 ;
unsigned char *arg6 = 0 ;
unsigned char *arg7 = 0 ;
unsigned char *arg8 = 0 ;
unsigned char *arg9 = 0 ;
unsigned char *arg10 = 0 ;
unsigned char *arg11 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
unsigned char temp3 ;
unsigned char val3 ;
int ecode3 = 0 ;
unsigned char temp4 ;
unsigned char val4 ;
int ecode4 = 0 ;
unsigned char temp5 ;
unsigned char val5 ;
int ecode5 = 0 ;
unsigned char temp6 ;
unsigned char val6 ;
int ecode6 = 0 ;
unsigned char temp7 ;
unsigned char val7 ;
int ecode7 = 0 ;
unsigned char temp8 ;
unsigned char val8 ;
int ecode8 = 0 ;
unsigned char temp9 ;
unsigned char val9 ;
int ecode9 = 0 ;
unsigned char temp10 ;
unsigned char val10 ;
int ecode10 = 0 ;
unsigned char temp11 ;
unsigned char val11 ;
int ecode11 = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_fill" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_unsigned_SS_char(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_fill" "', argument " "3"" of type '" "unsigned char""'");
}
temp3 = static_cast< unsigned char >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_unsigned_SS_char(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_fill" "', argument " "4"" of type '" "unsigned char""'");
}
temp4 = static_cast< unsigned char >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_unsigned_SS_char(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "UCharInMemoryNtuple_fill" "', argument " "5"" of type '" "unsigned char""'");
}
temp5 = static_cast< unsigned char >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_char(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "UCharInMemoryNtuple_fill" "', argument " "6"" of type '" "unsigned char""'");
}
temp6 = static_cast< unsigned char >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_unsigned_SS_char(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "UCharInMemoryNtuple_fill" "', argument " "7"" of type '" "unsigned char""'");
}
temp7 = static_cast< unsigned char >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_unsigned_SS_char(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "UCharInMemoryNtuple_fill" "', argument " "8"" of type '" "unsigned char""'");
}
temp8 = static_cast< unsigned char >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_unsigned_SS_char(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "UCharInMemoryNtuple_fill" "', argument " "9"" of type '" "unsigned char""'");
}
temp9 = static_cast< unsigned char >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_unsigned_SS_char(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "UCharInMemoryNtuple_fill" "', argument " "10"" of type '" "unsigned char""'");
}
temp10 = static_cast< unsigned char >(val10);
arg10 = &temp10;
ecode11 = SWIG_AsVal_unsigned_SS_char(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "UCharInMemoryNtuple_fill" "', argument " "11"" of type '" "unsigned char""'");
}
temp11 = static_cast< unsigned char >(val11);
arg11 = &temp11;
{
try {
(arg1)->fill((unsigned char const &)*arg2,(unsigned char const &)*arg3,(unsigned char const &)*arg4,(unsigned char const &)*arg5,(unsigned char const &)*arg6,(unsigned char const &)*arg7,(unsigned char const &)*arg8,(unsigned char const &)*arg9,(unsigned char const &)*arg10,(unsigned char const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_fill(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "UCharInMemoryNtuple_fill", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
if (argc <= 2) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
return _wrap_UCharInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_4(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_char(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_UCharInMemoryNtuple_fill__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'UCharInMemoryNtuple_fill'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const *,unsigned long)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &,unsigned char const &)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &,unsigned char const &,unsigned char const &)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &)\n"
" npstat::InMemoryNtuple< unsigned char >::fill(unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &,unsigned char const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
unsigned char result;
if (!SWIG_Python_UnpackTuple(args, "UCharInMemoryNtuple___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple___call__" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple___call__" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple___call__" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (unsigned char)((npstat::InMemoryNtuple< unsigned char > const *)arg1)->operator ()(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_char(static_cast< unsigned char >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_at(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
unsigned char result;
if (!SWIG_Python_UnpackTuple(args, "UCharInMemoryNtuple_at", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_at" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_at" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharInMemoryNtuple_at" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (unsigned char)((npstat::InMemoryNtuple< unsigned char > const *)arg1)->at(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_char(static_cast< unsigned char >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_clear" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_rowContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
unsigned long arg2 ;
unsigned char *arg3 = (unsigned char *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "UCharInMemoryNtuple_rowContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_rowContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharInMemoryNtuple_rowContents" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_unsigned_char, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "UCharInMemoryNtuple_rowContents" "', argument " "3"" of type '" "unsigned char *""'");
}
arg3 = reinterpret_cast< unsigned char * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_rowContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< unsigned char > const *)arg1)->rowContents(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_columnContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
npstat::Column *arg2 = 0 ;
unsigned char *arg3 = (unsigned char *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "UCharInMemoryNtuple_columnContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_columnContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Column, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
arg2 = reinterpret_cast< npstat::Column * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_unsigned_char, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "UCharInMemoryNtuple_columnContents" "', argument " "3"" of type '" "unsigned char *""'");
}
arg3 = reinterpret_cast< unsigned char * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "UCharInMemoryNtuple_columnContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< unsigned char > const *)arg1)->columnContents((npstat::Column const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_classId" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
{
try {
result = ((npstat::InMemoryNtuple< unsigned char > const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "UCharInMemoryNtuple_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_write" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::InMemoryNtuple< unsigned char > const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "UCharInMemoryNtuple_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::InMemoryNtuple< unsigned char >::SWIGTEMPLATEDISAMBIGUATOR classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "UCharInMemoryNtuple_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::InMemoryNtuple< unsigned char >::SWIGTEMPLATEDISAMBIGUATOR version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharInMemoryNtuple_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< unsigned char > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "UCharInMemoryNtuple_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::InMemoryNtuple< unsigned char > *)npstat::InMemoryNtuple< unsigned char >::SWIGTEMPLATEDISAMBIGUATOR read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_UCharInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_UCharInMemoryNtuple", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_UCharInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_UCharInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_UCharInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_UCharInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > > *)new gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > >((npstat::InMemoryNtuple< unsigned char > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_unsigned_char_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_UCharInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > > *arg1 = (gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_unsigned_char_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_UCharInMemoryNtuple" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_UCharInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_unsigned_char_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_UCharInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_115(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< unsigned char > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< unsigned char > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::InMemoryNtuple< unsigned char > >((npstat::InMemoryNtuple< unsigned char > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > >(static_cast< const gs::ArchiveRecord< npstat::InMemoryNtuple< unsigned char > >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_unsigned_char_t_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_UCharInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::InMemoryNtuple< unsigned char > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< unsigned char > > *)new gs::Reference< npstat::InMemoryNtuple< unsigned char > >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_unsigned_char_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_UCharInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< unsigned char > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< unsigned char > > *)new gs::Reference< npstat::InMemoryNtuple< unsigned char > >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_unsigned_char_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_UCharInMemoryNtuple__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< unsigned char > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_UCharInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< unsigned char > > *)new gs::Reference< npstat::InMemoryNtuple< unsigned char > >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_unsigned_char_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_UCharInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_UCharInMemoryNtuple", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_UCharInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_UCharInMemoryNtuple__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_UCharInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_UCharInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::InMemoryNtuple< unsigned char > >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::InMemoryNtuple< unsigned char > >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::InMemoryNtuple< unsigned char > >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_UCharInMemoryNtuple_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< unsigned char > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< unsigned char > > *) 0 ;
unsigned long arg2 ;
npstat::InMemoryNtuple< unsigned char > *arg3 = (npstat::InMemoryNtuple< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_UCharInMemoryNtuple_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_unsigned_char_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_UCharInMemoryNtuple_restore" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< unsigned char > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< unsigned char > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_UCharInMemoryNtuple_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_UCharInMemoryNtuple_restore" "', argument " "3"" of type '" "npstat::InMemoryNtuple< unsigned char > *""'");
}
arg3 = reinterpret_cast< npstat::InMemoryNtuple< unsigned char > * >(argp3);
{
try {
((gs::Reference< npstat::InMemoryNtuple< unsigned char > > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_UCharInMemoryNtuple_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< unsigned char > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< unsigned char > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< unsigned char > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_UCharInMemoryNtuple_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_unsigned_char_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_UCharInMemoryNtuple_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< unsigned char > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< unsigned char > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_UCharInMemoryNtuple_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::InMemoryNtuple< unsigned char > *)gs_Reference_Sl_npstat_InMemoryNtuple_Sl_unsigned_SS_char_Sg__Sg__retrieve((gs::Reference< npstat::InMemoryNtuple< unsigned char > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_UCharInMemoryNtuple_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< unsigned char > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< unsigned char > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::InMemoryNtuple< unsigned char > > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_UCharInMemoryNtuple_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_unsigned_char_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_UCharInMemoryNtuple_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< unsigned char > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< unsigned char > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_UCharInMemoryNtuple_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_InMemoryNtuple_Sl_unsigned_SS_char_Sg__Sg__getValue((gs::Reference< npstat::InMemoryNtuple< unsigned char > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::InMemoryNtuple< unsigned char >(static_cast< const npstat::InMemoryNtuple< unsigned char >& >(result))), SWIGTYPE_p_npstat__InMemoryNtupleT_unsigned_char_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_UCharInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< unsigned char > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< unsigned char > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_unsigned_char_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_UCharInMemoryNtuple" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< unsigned char > > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< unsigned char > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_UCharInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_unsigned_char_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_UCharInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_IntInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
npstat::InMemoryNtuple< int > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_IntInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
{
try {
result = (npstat::InMemoryNtuple< int > *)new npstat::InMemoryNtuple< int >((std::vector< std::string,std::allocator< std::string > > const &)*arg1,(char const *)arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return resultobj;
fail:
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_IntInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
npstat::InMemoryNtuple< int > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
{
try {
result = (npstat::InMemoryNtuple< int > *)new npstat::InMemoryNtuple< int >((std::vector< std::string,std::allocator< std::string > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
return resultobj;
fail:
{
delete arg1;
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_IntInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_IntInMemoryNtuple", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
return _wrap_new_IntInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_IntInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_IntInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< int >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &,char const *)\n"
" npstat::InMemoryNtuple< int >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_IntInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_nRows(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_nRows" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
{
try {
result = (unsigned long)((npstat::InMemoryNtuple< int > const *)arg1)->nRows();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = (int *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_INT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->fill((int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
{
try {
(arg1)->fill((int const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
int *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
int temp3 ;
int val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_fill" "', argument " "3"" of type '" "int""'");
}
temp3 = static_cast< int >(val3);
arg3 = &temp3;
{
try {
(arg1)->fill((int const &)*arg2,(int const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
int *arg3 = 0 ;
int *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
int temp3 ;
int val3 ;
int ecode3 = 0 ;
int temp4 ;
int val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_fill" "', argument " "3"" of type '" "int""'");
}
temp3 = static_cast< int >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_fill" "', argument " "4"" of type '" "int""'");
}
temp4 = static_cast< int >(val4);
arg4 = &temp4;
{
try {
(arg1)->fill((int const &)*arg2,(int const &)*arg3,(int const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
int *arg3 = 0 ;
int *arg4 = 0 ;
int *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
int temp3 ;
int val3 ;
int ecode3 = 0 ;
int temp4 ;
int val4 ;
int ecode4 = 0 ;
int temp5 ;
int val5 ;
int ecode5 = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_fill" "', argument " "3"" of type '" "int""'");
}
temp3 = static_cast< int >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_fill" "', argument " "4"" of type '" "int""'");
}
temp4 = static_cast< int >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "IntInMemoryNtuple_fill" "', argument " "5"" of type '" "int""'");
}
temp5 = static_cast< int >(val5);
arg5 = &temp5;
{
try {
(arg1)->fill((int const &)*arg2,(int const &)*arg3,(int const &)*arg4,(int const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
int *arg3 = 0 ;
int *arg4 = 0 ;
int *arg5 = 0 ;
int *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
int temp3 ;
int val3 ;
int ecode3 = 0 ;
int temp4 ;
int val4 ;
int ecode4 = 0 ;
int temp5 ;
int val5 ;
int ecode5 = 0 ;
int temp6 ;
int val6 ;
int ecode6 = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_fill" "', argument " "3"" of type '" "int""'");
}
temp3 = static_cast< int >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_fill" "', argument " "4"" of type '" "int""'");
}
temp4 = static_cast< int >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "IntInMemoryNtuple_fill" "', argument " "5"" of type '" "int""'");
}
temp5 = static_cast< int >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "IntInMemoryNtuple_fill" "', argument " "6"" of type '" "int""'");
}
temp6 = static_cast< int >(val6);
arg6 = &temp6;
{
try {
(arg1)->fill((int const &)*arg2,(int const &)*arg3,(int const &)*arg4,(int const &)*arg5,(int const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
int *arg3 = 0 ;
int *arg4 = 0 ;
int *arg5 = 0 ;
int *arg6 = 0 ;
int *arg7 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
int temp3 ;
int val3 ;
int ecode3 = 0 ;
int temp4 ;
int val4 ;
int ecode4 = 0 ;
int temp5 ;
int val5 ;
int ecode5 = 0 ;
int temp6 ;
int val6 ;
int ecode6 = 0 ;
int temp7 ;
int val7 ;
int ecode7 = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_fill" "', argument " "3"" of type '" "int""'");
}
temp3 = static_cast< int >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_fill" "', argument " "4"" of type '" "int""'");
}
temp4 = static_cast< int >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "IntInMemoryNtuple_fill" "', argument " "5"" of type '" "int""'");
}
temp5 = static_cast< int >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "IntInMemoryNtuple_fill" "', argument " "6"" of type '" "int""'");
}
temp6 = static_cast< int >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "IntInMemoryNtuple_fill" "', argument " "7"" of type '" "int""'");
}
temp7 = static_cast< int >(val7);
arg7 = &temp7;
{
try {
(arg1)->fill((int const &)*arg2,(int const &)*arg3,(int const &)*arg4,(int const &)*arg5,(int const &)*arg6,(int const &)*arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
int *arg3 = 0 ;
int *arg4 = 0 ;
int *arg5 = 0 ;
int *arg6 = 0 ;
int *arg7 = 0 ;
int *arg8 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
int temp3 ;
int val3 ;
int ecode3 = 0 ;
int temp4 ;
int val4 ;
int ecode4 = 0 ;
int temp5 ;
int val5 ;
int ecode5 = 0 ;
int temp6 ;
int val6 ;
int ecode6 = 0 ;
int temp7 ;
int val7 ;
int ecode7 = 0 ;
int temp8 ;
int val8 ;
int ecode8 = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_fill" "', argument " "3"" of type '" "int""'");
}
temp3 = static_cast< int >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_fill" "', argument " "4"" of type '" "int""'");
}
temp4 = static_cast< int >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "IntInMemoryNtuple_fill" "', argument " "5"" of type '" "int""'");
}
temp5 = static_cast< int >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "IntInMemoryNtuple_fill" "', argument " "6"" of type '" "int""'");
}
temp6 = static_cast< int >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "IntInMemoryNtuple_fill" "', argument " "7"" of type '" "int""'");
}
temp7 = static_cast< int >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "IntInMemoryNtuple_fill" "', argument " "8"" of type '" "int""'");
}
temp8 = static_cast< int >(val8);
arg8 = &temp8;
{
try {
(arg1)->fill((int const &)*arg2,(int const &)*arg3,(int const &)*arg4,(int const &)*arg5,(int const &)*arg6,(int const &)*arg7,(int const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
int *arg3 = 0 ;
int *arg4 = 0 ;
int *arg5 = 0 ;
int *arg6 = 0 ;
int *arg7 = 0 ;
int *arg8 = 0 ;
int *arg9 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
int temp3 ;
int val3 ;
int ecode3 = 0 ;
int temp4 ;
int val4 ;
int ecode4 = 0 ;
int temp5 ;
int val5 ;
int ecode5 = 0 ;
int temp6 ;
int val6 ;
int ecode6 = 0 ;
int temp7 ;
int val7 ;
int ecode7 = 0 ;
int temp8 ;
int val8 ;
int ecode8 = 0 ;
int temp9 ;
int val9 ;
int ecode9 = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_fill" "', argument " "3"" of type '" "int""'");
}
temp3 = static_cast< int >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_fill" "', argument " "4"" of type '" "int""'");
}
temp4 = static_cast< int >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "IntInMemoryNtuple_fill" "', argument " "5"" of type '" "int""'");
}
temp5 = static_cast< int >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "IntInMemoryNtuple_fill" "', argument " "6"" of type '" "int""'");
}
temp6 = static_cast< int >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "IntInMemoryNtuple_fill" "', argument " "7"" of type '" "int""'");
}
temp7 = static_cast< int >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "IntInMemoryNtuple_fill" "', argument " "8"" of type '" "int""'");
}
temp8 = static_cast< int >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "IntInMemoryNtuple_fill" "', argument " "9"" of type '" "int""'");
}
temp9 = static_cast< int >(val9);
arg9 = &temp9;
{
try {
(arg1)->fill((int const &)*arg2,(int const &)*arg3,(int const &)*arg4,(int const &)*arg5,(int const &)*arg6,(int const &)*arg7,(int const &)*arg8,(int const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
int *arg3 = 0 ;
int *arg4 = 0 ;
int *arg5 = 0 ;
int *arg6 = 0 ;
int *arg7 = 0 ;
int *arg8 = 0 ;
int *arg9 = 0 ;
int *arg10 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
int temp3 ;
int val3 ;
int ecode3 = 0 ;
int temp4 ;
int val4 ;
int ecode4 = 0 ;
int temp5 ;
int val5 ;
int ecode5 = 0 ;
int temp6 ;
int val6 ;
int ecode6 = 0 ;
int temp7 ;
int val7 ;
int ecode7 = 0 ;
int temp8 ;
int val8 ;
int ecode8 = 0 ;
int temp9 ;
int val9 ;
int ecode9 = 0 ;
int temp10 ;
int val10 ;
int ecode10 = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_fill" "', argument " "3"" of type '" "int""'");
}
temp3 = static_cast< int >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_fill" "', argument " "4"" of type '" "int""'");
}
temp4 = static_cast< int >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "IntInMemoryNtuple_fill" "', argument " "5"" of type '" "int""'");
}
temp5 = static_cast< int >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "IntInMemoryNtuple_fill" "', argument " "6"" of type '" "int""'");
}
temp6 = static_cast< int >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "IntInMemoryNtuple_fill" "', argument " "7"" of type '" "int""'");
}
temp7 = static_cast< int >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "IntInMemoryNtuple_fill" "', argument " "8"" of type '" "int""'");
}
temp8 = static_cast< int >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "IntInMemoryNtuple_fill" "', argument " "9"" of type '" "int""'");
}
temp9 = static_cast< int >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "IntInMemoryNtuple_fill" "', argument " "10"" of type '" "int""'");
}
temp10 = static_cast< int >(val10);
arg10 = &temp10;
{
try {
(arg1)->fill((int const &)*arg2,(int const &)*arg3,(int const &)*arg4,(int const &)*arg5,(int const &)*arg6,(int const &)*arg7,(int const &)*arg8,(int const &)*arg9,(int const &)*arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
int *arg2 = 0 ;
int *arg3 = 0 ;
int *arg4 = 0 ;
int *arg5 = 0 ;
int *arg6 = 0 ;
int *arg7 = 0 ;
int *arg8 = 0 ;
int *arg9 = 0 ;
int *arg10 = 0 ;
int *arg11 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
int temp3 ;
int val3 ;
int ecode3 = 0 ;
int temp4 ;
int val4 ;
int ecode4 = 0 ;
int temp5 ;
int val5 ;
int ecode5 = 0 ;
int temp6 ;
int val6 ;
int ecode6 = 0 ;
int temp7 ;
int val7 ;
int ecode7 = 0 ;
int temp8 ;
int val8 ;
int ecode8 = 0 ;
int temp9 ;
int val9 ;
int ecode9 = 0 ;
int temp10 ;
int val10 ;
int ecode10 = 0 ;
int temp11 ;
int val11 ;
int ecode11 = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_fill" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_fill" "', argument " "3"" of type '" "int""'");
}
temp3 = static_cast< int >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_fill" "', argument " "4"" of type '" "int""'");
}
temp4 = static_cast< int >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "IntInMemoryNtuple_fill" "', argument " "5"" of type '" "int""'");
}
temp5 = static_cast< int >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "IntInMemoryNtuple_fill" "', argument " "6"" of type '" "int""'");
}
temp6 = static_cast< int >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "IntInMemoryNtuple_fill" "', argument " "7"" of type '" "int""'");
}
temp7 = static_cast< int >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_int(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "IntInMemoryNtuple_fill" "', argument " "8"" of type '" "int""'");
}
temp8 = static_cast< int >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "IntInMemoryNtuple_fill" "', argument " "9"" of type '" "int""'");
}
temp9 = static_cast< int >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "IntInMemoryNtuple_fill" "', argument " "10"" of type '" "int""'");
}
temp10 = static_cast< int >(val10);
arg10 = &temp10;
ecode11 = SWIG_AsVal_int(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "IntInMemoryNtuple_fill" "', argument " "11"" of type '" "int""'");
}
temp11 = static_cast< int >(val11);
arg11 = &temp11;
{
try {
(arg1)->fill((int const &)*arg2,(int const &)*arg3,(int const &)*arg4,(int const &)*arg5,(int const &)*arg6,(int const &)*arg7,(int const &)*arg8,(int const &)*arg9,(int const &)*arg10,(int const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_fill(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "IntInMemoryNtuple_fill", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
if (argc <= 2) {
return _wrap_IntInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
return _wrap_IntInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_4(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_IntInMemoryNtuple_fill__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'IntInMemoryNtuple_fill'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< int >::fill(int const *,unsigned long)\n"
" npstat::InMemoryNtuple< int >::fill(int const &)\n"
" npstat::InMemoryNtuple< int >::fill(int const &,int const &)\n"
" npstat::InMemoryNtuple< int >::fill(int const &,int const &,int const &)\n"
" npstat::InMemoryNtuple< int >::fill(int const &,int const &,int const &,int const &)\n"
" npstat::InMemoryNtuple< int >::fill(int const &,int const &,int const &,int const &,int const &)\n"
" npstat::InMemoryNtuple< int >::fill(int const &,int const &,int const &,int const &,int const &,int const &)\n"
" npstat::InMemoryNtuple< int >::fill(int const &,int const &,int const &,int const &,int const &,int const &,int const &)\n"
" npstat::InMemoryNtuple< int >::fill(int const &,int const &,int const &,int const &,int const &,int const &,int const &,int const &)\n"
" npstat::InMemoryNtuple< int >::fill(int const &,int const &,int const &,int const &,int const &,int const &,int const &,int const &,int const &)\n"
" npstat::InMemoryNtuple< int >::fill(int const &,int const &,int const &,int const &,int const &,int const &,int const &,int const &,int const &,int const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
int result;
if (!SWIG_Python_UnpackTuple(args, "IntInMemoryNtuple___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple___call__" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple___call__" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple___call__" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (int)((npstat::InMemoryNtuple< int > const *)arg1)->operator ()(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_at(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
int result;
if (!SWIG_Python_UnpackTuple(args, "IntInMemoryNtuple_at", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_at" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_at" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntInMemoryNtuple_at" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (int)((npstat::InMemoryNtuple< int > const *)arg1)->at(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_clear" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_rowContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
unsigned long arg2 ;
int *arg3 = (int *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "IntInMemoryNtuple_rowContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_rowContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntInMemoryNtuple_rowContents" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_int, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "IntInMemoryNtuple_rowContents" "', argument " "3"" of type '" "int *""'");
}
arg3 = reinterpret_cast< int * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_rowContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< int > const *)arg1)->rowContents(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_columnContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
npstat::Column *arg2 = 0 ;
int *arg3 = (int *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "IntInMemoryNtuple_columnContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_columnContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Column, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
arg2 = reinterpret_cast< npstat::Column * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_int, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "IntInMemoryNtuple_columnContents" "', argument " "3"" of type '" "int *""'");
}
arg3 = reinterpret_cast< int * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "IntInMemoryNtuple_columnContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< int > const *)arg1)->columnContents((npstat::Column const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_classId" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
{
try {
result = ((npstat::InMemoryNtuple< int > const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = (npstat::InMemoryNtuple< int > *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "IntInMemoryNtuple_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_write" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::InMemoryNtuple< int > const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "IntInMemoryNtuple_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::InMemoryNtuple< int >::SWIGTEMPLATEDISAMBIGUATOR classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "IntInMemoryNtuple_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::InMemoryNtuple< int >::SWIGTEMPLATEDISAMBIGUATOR version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntInMemoryNtuple_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< int > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "IntInMemoryNtuple_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::InMemoryNtuple< int > *)npstat::InMemoryNtuple< int >::SWIGTEMPLATEDISAMBIGUATOR read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_IntInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::InMemoryNtuple< int > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_IntInMemoryNtuple", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_IntInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_IntInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_IntInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_IntInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::InMemoryNtuple< int > > *)new gs::ArchiveRecord< npstat::InMemoryNtuple< int > >((npstat::InMemoryNtuple< int > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_int_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_IntInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::InMemoryNtuple< int > > *arg1 = (gs::ArchiveRecord< npstat::InMemoryNtuple< int > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_int_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_IntInMemoryNtuple" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::InMemoryNtuple< int > > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::InMemoryNtuple< int > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_IntInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_int_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_IntInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_116(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< int > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::InMemoryNtuple< int > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< int > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::InMemoryNtuple< int > >((npstat::InMemoryNtuple< int > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::InMemoryNtuple< int > >(static_cast< const gs::ArchiveRecord< npstat::InMemoryNtuple< int > >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_int_t_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_IntInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::InMemoryNtuple< int > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< int > > *)new gs::Reference< npstat::InMemoryNtuple< int > >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_int_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_IntInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< int > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< int > > *)new gs::Reference< npstat::InMemoryNtuple< int > >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_int_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_IntInMemoryNtuple__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< int > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_IntInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< int > > *)new gs::Reference< npstat::InMemoryNtuple< int > >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_int_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_IntInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_IntInMemoryNtuple", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_IntInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_IntInMemoryNtuple__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_IntInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_IntInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::InMemoryNtuple< int > >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::InMemoryNtuple< int > >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::InMemoryNtuple< int > >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_IntInMemoryNtuple_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< int > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< int > > *) 0 ;
unsigned long arg2 ;
npstat::InMemoryNtuple< int > *arg3 = (npstat::InMemoryNtuple< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_IntInMemoryNtuple_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_int_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_IntInMemoryNtuple_restore" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< int > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< int > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_IntInMemoryNtuple_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_IntInMemoryNtuple_restore" "', argument " "3"" of type '" "npstat::InMemoryNtuple< int > *""'");
}
arg3 = reinterpret_cast< npstat::InMemoryNtuple< int > * >(argp3);
{
try {
((gs::Reference< npstat::InMemoryNtuple< int > > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_IntInMemoryNtuple_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< int > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< int > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< int > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_IntInMemoryNtuple_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_int_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_IntInMemoryNtuple_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< int > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< int > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_IntInMemoryNtuple_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::InMemoryNtuple< int > *)gs_Reference_Sl_npstat_InMemoryNtuple_Sl_int_Sg__Sg__retrieve((gs::Reference< npstat::InMemoryNtuple< int > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_IntInMemoryNtuple_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< int > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< int > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::InMemoryNtuple< int > > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_IntInMemoryNtuple_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_int_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_IntInMemoryNtuple_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< int > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< int > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_IntInMemoryNtuple_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_InMemoryNtuple_Sl_int_Sg__Sg__getValue((gs::Reference< npstat::InMemoryNtuple< int > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::InMemoryNtuple< int >(static_cast< const npstat::InMemoryNtuple< int >& >(result))), SWIGTYPE_p_npstat__InMemoryNtupleT_int_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_IntInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< int > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< int > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_int_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_IntInMemoryNtuple" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< int > > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< int > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_IntInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_int_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_IntInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LongInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
npstat::InMemoryNtuple< long > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_LongInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
{
try {
result = (npstat::InMemoryNtuple< long > *)new npstat::InMemoryNtuple< long >((std::vector< std::string,std::allocator< std::string > > const &)*arg1,(char const *)arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return resultobj;
fail:
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LongInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
npstat::InMemoryNtuple< long > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
{
try {
result = (npstat::InMemoryNtuple< long > *)new npstat::InMemoryNtuple< long >((std::vector< std::string,std::allocator< std::string > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
return resultobj;
fail:
{
delete arg1;
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LongInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_LongInMemoryNtuple", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
return _wrap_new_LongInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_LongInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_LongInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< long >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &,char const *)\n"
" npstat::InMemoryNtuple< long >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_LongInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_nRows(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_nRows" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
{
try {
result = (unsigned long)((npstat::InMemoryNtuple< long > const *)arg1)->nRows();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = (long *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_LONG,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (long*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->fill((long const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
{
try {
(arg1)->fill((long const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
long *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
long temp3 ;
long val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_fill" "', argument " "3"" of type '" "long""'");
}
temp3 = static_cast< long >(val3);
arg3 = &temp3;
{
try {
(arg1)->fill((long const &)*arg2,(long const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
long *arg3 = 0 ;
long *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
long temp3 ;
long val3 ;
int ecode3 = 0 ;
long temp4 ;
long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_fill" "', argument " "3"" of type '" "long""'");
}
temp3 = static_cast< long >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_fill" "', argument " "4"" of type '" "long""'");
}
temp4 = static_cast< long >(val4);
arg4 = &temp4;
{
try {
(arg1)->fill((long const &)*arg2,(long const &)*arg3,(long const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
long *arg3 = 0 ;
long *arg4 = 0 ;
long *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
long temp3 ;
long val3 ;
int ecode3 = 0 ;
long temp4 ;
long val4 ;
int ecode4 = 0 ;
long temp5 ;
long val5 ;
int ecode5 = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_fill" "', argument " "3"" of type '" "long""'");
}
temp3 = static_cast< long >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_fill" "', argument " "4"" of type '" "long""'");
}
temp4 = static_cast< long >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_long(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LongInMemoryNtuple_fill" "', argument " "5"" of type '" "long""'");
}
temp5 = static_cast< long >(val5);
arg5 = &temp5;
{
try {
(arg1)->fill((long const &)*arg2,(long const &)*arg3,(long const &)*arg4,(long const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
long *arg3 = 0 ;
long *arg4 = 0 ;
long *arg5 = 0 ;
long *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
long temp3 ;
long val3 ;
int ecode3 = 0 ;
long temp4 ;
long val4 ;
int ecode4 = 0 ;
long temp5 ;
long val5 ;
int ecode5 = 0 ;
long temp6 ;
long val6 ;
int ecode6 = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_fill" "', argument " "3"" of type '" "long""'");
}
temp3 = static_cast< long >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_fill" "', argument " "4"" of type '" "long""'");
}
temp4 = static_cast< long >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_long(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LongInMemoryNtuple_fill" "', argument " "5"" of type '" "long""'");
}
temp5 = static_cast< long >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_long(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LongInMemoryNtuple_fill" "', argument " "6"" of type '" "long""'");
}
temp6 = static_cast< long >(val6);
arg6 = &temp6;
{
try {
(arg1)->fill((long const &)*arg2,(long const &)*arg3,(long const &)*arg4,(long const &)*arg5,(long const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
long *arg3 = 0 ;
long *arg4 = 0 ;
long *arg5 = 0 ;
long *arg6 = 0 ;
long *arg7 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
long temp3 ;
long val3 ;
int ecode3 = 0 ;
long temp4 ;
long val4 ;
int ecode4 = 0 ;
long temp5 ;
long val5 ;
int ecode5 = 0 ;
long temp6 ;
long val6 ;
int ecode6 = 0 ;
long temp7 ;
long val7 ;
int ecode7 = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_fill" "', argument " "3"" of type '" "long""'");
}
temp3 = static_cast< long >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_fill" "', argument " "4"" of type '" "long""'");
}
temp4 = static_cast< long >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_long(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LongInMemoryNtuple_fill" "', argument " "5"" of type '" "long""'");
}
temp5 = static_cast< long >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_long(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LongInMemoryNtuple_fill" "', argument " "6"" of type '" "long""'");
}
temp6 = static_cast< long >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_long(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LongInMemoryNtuple_fill" "', argument " "7"" of type '" "long""'");
}
temp7 = static_cast< long >(val7);
arg7 = &temp7;
{
try {
(arg1)->fill((long const &)*arg2,(long const &)*arg3,(long const &)*arg4,(long const &)*arg5,(long const &)*arg6,(long const &)*arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
long *arg3 = 0 ;
long *arg4 = 0 ;
long *arg5 = 0 ;
long *arg6 = 0 ;
long *arg7 = 0 ;
long *arg8 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
long temp3 ;
long val3 ;
int ecode3 = 0 ;
long temp4 ;
long val4 ;
int ecode4 = 0 ;
long temp5 ;
long val5 ;
int ecode5 = 0 ;
long temp6 ;
long val6 ;
int ecode6 = 0 ;
long temp7 ;
long val7 ;
int ecode7 = 0 ;
long temp8 ;
long val8 ;
int ecode8 = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_fill" "', argument " "3"" of type '" "long""'");
}
temp3 = static_cast< long >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_fill" "', argument " "4"" of type '" "long""'");
}
temp4 = static_cast< long >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_long(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LongInMemoryNtuple_fill" "', argument " "5"" of type '" "long""'");
}
temp5 = static_cast< long >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_long(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LongInMemoryNtuple_fill" "', argument " "6"" of type '" "long""'");
}
temp6 = static_cast< long >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_long(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LongInMemoryNtuple_fill" "', argument " "7"" of type '" "long""'");
}
temp7 = static_cast< long >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_long(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LongInMemoryNtuple_fill" "', argument " "8"" of type '" "long""'");
}
temp8 = static_cast< long >(val8);
arg8 = &temp8;
{
try {
(arg1)->fill((long const &)*arg2,(long const &)*arg3,(long const &)*arg4,(long const &)*arg5,(long const &)*arg6,(long const &)*arg7,(long const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
long *arg3 = 0 ;
long *arg4 = 0 ;
long *arg5 = 0 ;
long *arg6 = 0 ;
long *arg7 = 0 ;
long *arg8 = 0 ;
long *arg9 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
long temp3 ;
long val3 ;
int ecode3 = 0 ;
long temp4 ;
long val4 ;
int ecode4 = 0 ;
long temp5 ;
long val5 ;
int ecode5 = 0 ;
long temp6 ;
long val6 ;
int ecode6 = 0 ;
long temp7 ;
long val7 ;
int ecode7 = 0 ;
long temp8 ;
long val8 ;
int ecode8 = 0 ;
long temp9 ;
long val9 ;
int ecode9 = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_fill" "', argument " "3"" of type '" "long""'");
}
temp3 = static_cast< long >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_fill" "', argument " "4"" of type '" "long""'");
}
temp4 = static_cast< long >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_long(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LongInMemoryNtuple_fill" "', argument " "5"" of type '" "long""'");
}
temp5 = static_cast< long >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_long(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LongInMemoryNtuple_fill" "', argument " "6"" of type '" "long""'");
}
temp6 = static_cast< long >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_long(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LongInMemoryNtuple_fill" "', argument " "7"" of type '" "long""'");
}
temp7 = static_cast< long >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_long(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LongInMemoryNtuple_fill" "', argument " "8"" of type '" "long""'");
}
temp8 = static_cast< long >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_long(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LongInMemoryNtuple_fill" "', argument " "9"" of type '" "long""'");
}
temp9 = static_cast< long >(val9);
arg9 = &temp9;
{
try {
(arg1)->fill((long const &)*arg2,(long const &)*arg3,(long const &)*arg4,(long const &)*arg5,(long const &)*arg6,(long const &)*arg7,(long const &)*arg8,(long const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
long *arg3 = 0 ;
long *arg4 = 0 ;
long *arg5 = 0 ;
long *arg6 = 0 ;
long *arg7 = 0 ;
long *arg8 = 0 ;
long *arg9 = 0 ;
long *arg10 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
long temp3 ;
long val3 ;
int ecode3 = 0 ;
long temp4 ;
long val4 ;
int ecode4 = 0 ;
long temp5 ;
long val5 ;
int ecode5 = 0 ;
long temp6 ;
long val6 ;
int ecode6 = 0 ;
long temp7 ;
long val7 ;
int ecode7 = 0 ;
long temp8 ;
long val8 ;
int ecode8 = 0 ;
long temp9 ;
long val9 ;
int ecode9 = 0 ;
long temp10 ;
long val10 ;
int ecode10 = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_fill" "', argument " "3"" of type '" "long""'");
}
temp3 = static_cast< long >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_fill" "', argument " "4"" of type '" "long""'");
}
temp4 = static_cast< long >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_long(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LongInMemoryNtuple_fill" "', argument " "5"" of type '" "long""'");
}
temp5 = static_cast< long >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_long(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LongInMemoryNtuple_fill" "', argument " "6"" of type '" "long""'");
}
temp6 = static_cast< long >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_long(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LongInMemoryNtuple_fill" "', argument " "7"" of type '" "long""'");
}
temp7 = static_cast< long >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_long(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LongInMemoryNtuple_fill" "', argument " "8"" of type '" "long""'");
}
temp8 = static_cast< long >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_long(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LongInMemoryNtuple_fill" "', argument " "9"" of type '" "long""'");
}
temp9 = static_cast< long >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_long(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LongInMemoryNtuple_fill" "', argument " "10"" of type '" "long""'");
}
temp10 = static_cast< long >(val10);
arg10 = &temp10;
{
try {
(arg1)->fill((long const &)*arg2,(long const &)*arg3,(long const &)*arg4,(long const &)*arg5,(long const &)*arg6,(long const &)*arg7,(long const &)*arg8,(long const &)*arg9,(long const &)*arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
long *arg2 = 0 ;
long *arg3 = 0 ;
long *arg4 = 0 ;
long *arg5 = 0 ;
long *arg6 = 0 ;
long *arg7 = 0 ;
long *arg8 = 0 ;
long *arg9 = 0 ;
long *arg10 = 0 ;
long *arg11 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
long temp3 ;
long val3 ;
int ecode3 = 0 ;
long temp4 ;
long val4 ;
int ecode4 = 0 ;
long temp5 ;
long val5 ;
int ecode5 = 0 ;
long temp6 ;
long val6 ;
int ecode6 = 0 ;
long temp7 ;
long val7 ;
int ecode7 = 0 ;
long temp8 ;
long val8 ;
int ecode8 = 0 ;
long temp9 ;
long val9 ;
int ecode9 = 0 ;
long temp10 ;
long val10 ;
int ecode10 = 0 ;
long temp11 ;
long val11 ;
int ecode11 = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_fill" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_fill" "', argument " "3"" of type '" "long""'");
}
temp3 = static_cast< long >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_fill" "', argument " "4"" of type '" "long""'");
}
temp4 = static_cast< long >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_long(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LongInMemoryNtuple_fill" "', argument " "5"" of type '" "long""'");
}
temp5 = static_cast< long >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_long(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LongInMemoryNtuple_fill" "', argument " "6"" of type '" "long""'");
}
temp6 = static_cast< long >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_long(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LongInMemoryNtuple_fill" "', argument " "7"" of type '" "long""'");
}
temp7 = static_cast< long >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_long(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LongInMemoryNtuple_fill" "', argument " "8"" of type '" "long""'");
}
temp8 = static_cast< long >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_long(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LongInMemoryNtuple_fill" "', argument " "9"" of type '" "long""'");
}
temp9 = static_cast< long >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_long(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LongInMemoryNtuple_fill" "', argument " "10"" of type '" "long""'");
}
temp10 = static_cast< long >(val10);
arg10 = &temp10;
ecode11 = SWIG_AsVal_long(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LongInMemoryNtuple_fill" "', argument " "11"" of type '" "long""'");
}
temp11 = static_cast< long >(val11);
arg11 = &temp11;
{
try {
(arg1)->fill((long const &)*arg2,(long const &)*arg3,(long const &)*arg4,(long const &)*arg5,(long const &)*arg6,(long const &)*arg7,(long const &)*arg8,(long const &)*arg9,(long const &)*arg10,(long const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_fill(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LongInMemoryNtuple_fill", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
if (argc <= 2) {
return _wrap_LongInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
return _wrap_LongInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_4(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_long(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LongInMemoryNtuple_fill__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LongInMemoryNtuple_fill'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< long >::fill(long const *,unsigned long)\n"
" npstat::InMemoryNtuple< long >::fill(long const &)\n"
" npstat::InMemoryNtuple< long >::fill(long const &,long const &)\n"
" npstat::InMemoryNtuple< long >::fill(long const &,long const &,long const &)\n"
" npstat::InMemoryNtuple< long >::fill(long const &,long const &,long const &,long const &)\n"
" npstat::InMemoryNtuple< long >::fill(long const &,long const &,long const &,long const &,long const &)\n"
" npstat::InMemoryNtuple< long >::fill(long const &,long const &,long const &,long const &,long const &,long const &)\n"
" npstat::InMemoryNtuple< long >::fill(long const &,long const &,long const &,long const &,long const &,long const &,long const &)\n"
" npstat::InMemoryNtuple< long >::fill(long const &,long const &,long const &,long const &,long const &,long const &,long const &,long const &)\n"
" npstat::InMemoryNtuple< long >::fill(long const &,long const &,long const &,long const &,long const &,long const &,long const &,long const &,long const &)\n"
" npstat::InMemoryNtuple< long >::fill(long const &,long const &,long const &,long const &,long const &,long const &,long const &,long const &,long const &,long const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
long result;
if (!SWIG_Python_UnpackTuple(args, "LongInMemoryNtuple___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple___call__" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple___call__" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple___call__" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (long)((npstat::InMemoryNtuple< long > const *)arg1)->operator ()(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_at(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
long result;
if (!SWIG_Python_UnpackTuple(args, "LongInMemoryNtuple_at", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_at" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_at" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongInMemoryNtuple_at" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (long)((npstat::InMemoryNtuple< long > const *)arg1)->at(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_clear" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_rowContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
unsigned long arg2 ;
long *arg3 = (long *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "LongInMemoryNtuple_rowContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_rowContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongInMemoryNtuple_rowContents" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_long, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "LongInMemoryNtuple_rowContents" "', argument " "3"" of type '" "long *""'");
}
arg3 = reinterpret_cast< long * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_rowContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< long > const *)arg1)->rowContents(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_columnContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
npstat::Column *arg2 = 0 ;
long *arg3 = (long *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "LongInMemoryNtuple_columnContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_columnContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Column, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
arg2 = reinterpret_cast< npstat::Column * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_long, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "LongInMemoryNtuple_columnContents" "', argument " "3"" of type '" "long *""'");
}
arg3 = reinterpret_cast< long * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "LongInMemoryNtuple_columnContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< long > const *)arg1)->columnContents((npstat::Column const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_classId" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
{
try {
result = ((npstat::InMemoryNtuple< long > const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = (npstat::InMemoryNtuple< long > *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "LongInMemoryNtuple_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_write" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::InMemoryNtuple< long > const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "LongInMemoryNtuple_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::InMemoryNtuple< long >::SWIGTEMPLATEDISAMBIGUATOR classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "LongInMemoryNtuple_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::InMemoryNtuple< long >::SWIGTEMPLATEDISAMBIGUATOR version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongInMemoryNtuple_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< long > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "LongInMemoryNtuple_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::InMemoryNtuple< long > *)npstat::InMemoryNtuple< long >::SWIGTEMPLATEDISAMBIGUATOR read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_LongInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::InMemoryNtuple< long > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_LongInMemoryNtuple", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_LongInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_LongInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_LongInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_LongInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::InMemoryNtuple< long > > *)new gs::ArchiveRecord< npstat::InMemoryNtuple< long > >((npstat::InMemoryNtuple< long > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_long_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_LongInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::InMemoryNtuple< long > > *arg1 = (gs::ArchiveRecord< npstat::InMemoryNtuple< long > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_long_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_LongInMemoryNtuple" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::InMemoryNtuple< long > > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::InMemoryNtuple< long > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_LongInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_long_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_LongInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_117(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< long > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::InMemoryNtuple< long > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< long > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::InMemoryNtuple< long > >((npstat::InMemoryNtuple< long > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::InMemoryNtuple< long > >(static_cast< const gs::ArchiveRecord< npstat::InMemoryNtuple< long > >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_long_t_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_LongInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::InMemoryNtuple< long > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< long > > *)new gs::Reference< npstat::InMemoryNtuple< long > >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_long_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_LongInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< long > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< long > > *)new gs::Reference< npstat::InMemoryNtuple< long > >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_long_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_LongInMemoryNtuple__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< long > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_LongInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< long > > *)new gs::Reference< npstat::InMemoryNtuple< long > >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_long_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_LongInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_LongInMemoryNtuple", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_LongInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_LongInMemoryNtuple__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_LongInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_LongInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::InMemoryNtuple< long > >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::InMemoryNtuple< long > >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::InMemoryNtuple< long > >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_LongInMemoryNtuple_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< long > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< long > > *) 0 ;
unsigned long arg2 ;
npstat::InMemoryNtuple< long > *arg3 = (npstat::InMemoryNtuple< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_LongInMemoryNtuple_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_long_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_LongInMemoryNtuple_restore" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< long > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< long > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_LongInMemoryNtuple_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_LongInMemoryNtuple_restore" "', argument " "3"" of type '" "npstat::InMemoryNtuple< long > *""'");
}
arg3 = reinterpret_cast< npstat::InMemoryNtuple< long > * >(argp3);
{
try {
((gs::Reference< npstat::InMemoryNtuple< long > > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_LongInMemoryNtuple_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< long > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< long > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< long > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_LongInMemoryNtuple_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_long_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_LongInMemoryNtuple_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< long > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< long > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_LongInMemoryNtuple_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::InMemoryNtuple< long > *)gs_Reference_Sl_npstat_InMemoryNtuple_Sl_long_Sg__Sg__retrieve((gs::Reference< npstat::InMemoryNtuple< long > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_LongInMemoryNtuple_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< long > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< long > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::InMemoryNtuple< long > > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_LongInMemoryNtuple_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_long_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_LongInMemoryNtuple_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< long > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< long > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_LongInMemoryNtuple_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_InMemoryNtuple_Sl_long_Sg__Sg__getValue((gs::Reference< npstat::InMemoryNtuple< long > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::InMemoryNtuple< long >(static_cast< const npstat::InMemoryNtuple< long >& >(result))), SWIGTYPE_p_npstat__InMemoryNtupleT_long_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_LongInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< long > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< long > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_long_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_LongInMemoryNtuple" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< long > > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< long > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_LongInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_long_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_LongInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_FloatInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
npstat::InMemoryNtuple< float > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_FloatInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
{
try {
result = (npstat::InMemoryNtuple< float > *)new npstat::InMemoryNtuple< float >((std::vector< std::string,std::allocator< std::string > > const &)*arg1,(char const *)arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return resultobj;
fail:
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_FloatInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
npstat::InMemoryNtuple< float > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
{
try {
result = (npstat::InMemoryNtuple< float > *)new npstat::InMemoryNtuple< float >((std::vector< std::string,std::allocator< std::string > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
return resultobj;
fail:
{
delete arg1;
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_FloatInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_FloatInMemoryNtuple", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
return _wrap_new_FloatInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_FloatInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_FloatInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< float >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &,char const *)\n"
" npstat::InMemoryNtuple< float >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_FloatInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_nRows(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_nRows" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
{
try {
result = (unsigned long)((npstat::InMemoryNtuple< float > const *)arg1)->nRows();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = (float *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_FLOAT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (float*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->fill((float const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
{
try {
(arg1)->fill((float const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
float *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
float temp3 ;
float val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_float(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_fill" "', argument " "3"" of type '" "float""'");
}
temp3 = static_cast< float >(val3);
arg3 = &temp3;
{
try {
(arg1)->fill((float const &)*arg2,(float const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
float *arg3 = 0 ;
float *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
float temp3 ;
float val3 ;
int ecode3 = 0 ;
float temp4 ;
float val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_float(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_fill" "', argument " "3"" of type '" "float""'");
}
temp3 = static_cast< float >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_float(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_fill" "', argument " "4"" of type '" "float""'");
}
temp4 = static_cast< float >(val4);
arg4 = &temp4;
{
try {
(arg1)->fill((float const &)*arg2,(float const &)*arg3,(float const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
float *arg3 = 0 ;
float *arg4 = 0 ;
float *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
float temp3 ;
float val3 ;
int ecode3 = 0 ;
float temp4 ;
float val4 ;
int ecode4 = 0 ;
float temp5 ;
float val5 ;
int ecode5 = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_float(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_fill" "', argument " "3"" of type '" "float""'");
}
temp3 = static_cast< float >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_float(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_fill" "', argument " "4"" of type '" "float""'");
}
temp4 = static_cast< float >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_float(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "FloatInMemoryNtuple_fill" "', argument " "5"" of type '" "float""'");
}
temp5 = static_cast< float >(val5);
arg5 = &temp5;
{
try {
(arg1)->fill((float const &)*arg2,(float const &)*arg3,(float const &)*arg4,(float const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
float *arg3 = 0 ;
float *arg4 = 0 ;
float *arg5 = 0 ;
float *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
float temp3 ;
float val3 ;
int ecode3 = 0 ;
float temp4 ;
float val4 ;
int ecode4 = 0 ;
float temp5 ;
float val5 ;
int ecode5 = 0 ;
float temp6 ;
float val6 ;
int ecode6 = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_float(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_fill" "', argument " "3"" of type '" "float""'");
}
temp3 = static_cast< float >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_float(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_fill" "', argument " "4"" of type '" "float""'");
}
temp4 = static_cast< float >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_float(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "FloatInMemoryNtuple_fill" "', argument " "5"" of type '" "float""'");
}
temp5 = static_cast< float >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_float(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "FloatInMemoryNtuple_fill" "', argument " "6"" of type '" "float""'");
}
temp6 = static_cast< float >(val6);
arg6 = &temp6;
{
try {
(arg1)->fill((float const &)*arg2,(float const &)*arg3,(float const &)*arg4,(float const &)*arg5,(float const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
float *arg3 = 0 ;
float *arg4 = 0 ;
float *arg5 = 0 ;
float *arg6 = 0 ;
float *arg7 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
float temp3 ;
float val3 ;
int ecode3 = 0 ;
float temp4 ;
float val4 ;
int ecode4 = 0 ;
float temp5 ;
float val5 ;
int ecode5 = 0 ;
float temp6 ;
float val6 ;
int ecode6 = 0 ;
float temp7 ;
float val7 ;
int ecode7 = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_float(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_fill" "', argument " "3"" of type '" "float""'");
}
temp3 = static_cast< float >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_float(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_fill" "', argument " "4"" of type '" "float""'");
}
temp4 = static_cast< float >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_float(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "FloatInMemoryNtuple_fill" "', argument " "5"" of type '" "float""'");
}
temp5 = static_cast< float >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_float(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "FloatInMemoryNtuple_fill" "', argument " "6"" of type '" "float""'");
}
temp6 = static_cast< float >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_float(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "FloatInMemoryNtuple_fill" "', argument " "7"" of type '" "float""'");
}
temp7 = static_cast< float >(val7);
arg7 = &temp7;
{
try {
(arg1)->fill((float const &)*arg2,(float const &)*arg3,(float const &)*arg4,(float const &)*arg5,(float const &)*arg6,(float const &)*arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
float *arg3 = 0 ;
float *arg4 = 0 ;
float *arg5 = 0 ;
float *arg6 = 0 ;
float *arg7 = 0 ;
float *arg8 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
float temp3 ;
float val3 ;
int ecode3 = 0 ;
float temp4 ;
float val4 ;
int ecode4 = 0 ;
float temp5 ;
float val5 ;
int ecode5 = 0 ;
float temp6 ;
float val6 ;
int ecode6 = 0 ;
float temp7 ;
float val7 ;
int ecode7 = 0 ;
float temp8 ;
float val8 ;
int ecode8 = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_float(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_fill" "', argument " "3"" of type '" "float""'");
}
temp3 = static_cast< float >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_float(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_fill" "', argument " "4"" of type '" "float""'");
}
temp4 = static_cast< float >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_float(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "FloatInMemoryNtuple_fill" "', argument " "5"" of type '" "float""'");
}
temp5 = static_cast< float >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_float(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "FloatInMemoryNtuple_fill" "', argument " "6"" of type '" "float""'");
}
temp6 = static_cast< float >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_float(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "FloatInMemoryNtuple_fill" "', argument " "7"" of type '" "float""'");
}
temp7 = static_cast< float >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_float(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "FloatInMemoryNtuple_fill" "', argument " "8"" of type '" "float""'");
}
temp8 = static_cast< float >(val8);
arg8 = &temp8;
{
try {
(arg1)->fill((float const &)*arg2,(float const &)*arg3,(float const &)*arg4,(float const &)*arg5,(float const &)*arg6,(float const &)*arg7,(float const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
float *arg3 = 0 ;
float *arg4 = 0 ;
float *arg5 = 0 ;
float *arg6 = 0 ;
float *arg7 = 0 ;
float *arg8 = 0 ;
float *arg9 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
float temp3 ;
float val3 ;
int ecode3 = 0 ;
float temp4 ;
float val4 ;
int ecode4 = 0 ;
float temp5 ;
float val5 ;
int ecode5 = 0 ;
float temp6 ;
float val6 ;
int ecode6 = 0 ;
float temp7 ;
float val7 ;
int ecode7 = 0 ;
float temp8 ;
float val8 ;
int ecode8 = 0 ;
float temp9 ;
float val9 ;
int ecode9 = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_float(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_fill" "', argument " "3"" of type '" "float""'");
}
temp3 = static_cast< float >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_float(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_fill" "', argument " "4"" of type '" "float""'");
}
temp4 = static_cast< float >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_float(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "FloatInMemoryNtuple_fill" "', argument " "5"" of type '" "float""'");
}
temp5 = static_cast< float >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_float(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "FloatInMemoryNtuple_fill" "', argument " "6"" of type '" "float""'");
}
temp6 = static_cast< float >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_float(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "FloatInMemoryNtuple_fill" "', argument " "7"" of type '" "float""'");
}
temp7 = static_cast< float >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_float(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "FloatInMemoryNtuple_fill" "', argument " "8"" of type '" "float""'");
}
temp8 = static_cast< float >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_float(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "FloatInMemoryNtuple_fill" "', argument " "9"" of type '" "float""'");
}
temp9 = static_cast< float >(val9);
arg9 = &temp9;
{
try {
(arg1)->fill((float const &)*arg2,(float const &)*arg3,(float const &)*arg4,(float const &)*arg5,(float const &)*arg6,(float const &)*arg7,(float const &)*arg8,(float const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
float *arg3 = 0 ;
float *arg4 = 0 ;
float *arg5 = 0 ;
float *arg6 = 0 ;
float *arg7 = 0 ;
float *arg8 = 0 ;
float *arg9 = 0 ;
float *arg10 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
float temp3 ;
float val3 ;
int ecode3 = 0 ;
float temp4 ;
float val4 ;
int ecode4 = 0 ;
float temp5 ;
float val5 ;
int ecode5 = 0 ;
float temp6 ;
float val6 ;
int ecode6 = 0 ;
float temp7 ;
float val7 ;
int ecode7 = 0 ;
float temp8 ;
float val8 ;
int ecode8 = 0 ;
float temp9 ;
float val9 ;
int ecode9 = 0 ;
float temp10 ;
float val10 ;
int ecode10 = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_float(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_fill" "', argument " "3"" of type '" "float""'");
}
temp3 = static_cast< float >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_float(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_fill" "', argument " "4"" of type '" "float""'");
}
temp4 = static_cast< float >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_float(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "FloatInMemoryNtuple_fill" "', argument " "5"" of type '" "float""'");
}
temp5 = static_cast< float >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_float(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "FloatInMemoryNtuple_fill" "', argument " "6"" of type '" "float""'");
}
temp6 = static_cast< float >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_float(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "FloatInMemoryNtuple_fill" "', argument " "7"" of type '" "float""'");
}
temp7 = static_cast< float >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_float(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "FloatInMemoryNtuple_fill" "', argument " "8"" of type '" "float""'");
}
temp8 = static_cast< float >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_float(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "FloatInMemoryNtuple_fill" "', argument " "9"" of type '" "float""'");
}
temp9 = static_cast< float >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_float(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "FloatInMemoryNtuple_fill" "', argument " "10"" of type '" "float""'");
}
temp10 = static_cast< float >(val10);
arg10 = &temp10;
{
try {
(arg1)->fill((float const &)*arg2,(float const &)*arg3,(float const &)*arg4,(float const &)*arg5,(float const &)*arg6,(float const &)*arg7,(float const &)*arg8,(float const &)*arg9,(float const &)*arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
float *arg2 = 0 ;
float *arg3 = 0 ;
float *arg4 = 0 ;
float *arg5 = 0 ;
float *arg6 = 0 ;
float *arg7 = 0 ;
float *arg8 = 0 ;
float *arg9 = 0 ;
float *arg10 = 0 ;
float *arg11 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
float temp3 ;
float val3 ;
int ecode3 = 0 ;
float temp4 ;
float val4 ;
int ecode4 = 0 ;
float temp5 ;
float val5 ;
int ecode5 = 0 ;
float temp6 ;
float val6 ;
int ecode6 = 0 ;
float temp7 ;
float val7 ;
int ecode7 = 0 ;
float temp8 ;
float val8 ;
int ecode8 = 0 ;
float temp9 ;
float val9 ;
int ecode9 = 0 ;
float temp10 ;
float val10 ;
int ecode10 = 0 ;
float temp11 ;
float val11 ;
int ecode11 = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_fill" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_float(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_fill" "', argument " "3"" of type '" "float""'");
}
temp3 = static_cast< float >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_float(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_fill" "', argument " "4"" of type '" "float""'");
}
temp4 = static_cast< float >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_float(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "FloatInMemoryNtuple_fill" "', argument " "5"" of type '" "float""'");
}
temp5 = static_cast< float >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_float(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "FloatInMemoryNtuple_fill" "', argument " "6"" of type '" "float""'");
}
temp6 = static_cast< float >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_float(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "FloatInMemoryNtuple_fill" "', argument " "7"" of type '" "float""'");
}
temp7 = static_cast< float >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_float(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "FloatInMemoryNtuple_fill" "', argument " "8"" of type '" "float""'");
}
temp8 = static_cast< float >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_float(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "FloatInMemoryNtuple_fill" "', argument " "9"" of type '" "float""'");
}
temp9 = static_cast< float >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_float(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "FloatInMemoryNtuple_fill" "', argument " "10"" of type '" "float""'");
}
temp10 = static_cast< float >(val10);
arg10 = &temp10;
ecode11 = SWIG_AsVal_float(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "FloatInMemoryNtuple_fill" "', argument " "11"" of type '" "float""'");
}
temp11 = static_cast< float >(val11);
arg11 = &temp11;
{
try {
(arg1)->fill((float const &)*arg2,(float const &)*arg3,(float const &)*arg4,(float const &)*arg5,(float const &)*arg6,(float const &)*arg7,(float const &)*arg8,(float const &)*arg9,(float const &)*arg10,(float const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_fill(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "FloatInMemoryNtuple_fill", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
if (argc <= 2) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
return _wrap_FloatInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_4(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_float(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_float(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_FloatInMemoryNtuple_fill__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'FloatInMemoryNtuple_fill'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< float >::fill(float const *,unsigned long)\n"
" npstat::InMemoryNtuple< float >::fill(float const &)\n"
" npstat::InMemoryNtuple< float >::fill(float const &,float const &)\n"
" npstat::InMemoryNtuple< float >::fill(float const &,float const &,float const &)\n"
" npstat::InMemoryNtuple< float >::fill(float const &,float const &,float const &,float const &)\n"
" npstat::InMemoryNtuple< float >::fill(float const &,float const &,float const &,float const &,float const &)\n"
" npstat::InMemoryNtuple< float >::fill(float const &,float const &,float const &,float const &,float const &,float const &)\n"
" npstat::InMemoryNtuple< float >::fill(float const &,float const &,float const &,float const &,float const &,float const &,float const &)\n"
" npstat::InMemoryNtuple< float >::fill(float const &,float const &,float const &,float const &,float const &,float const &,float const &,float const &)\n"
" npstat::InMemoryNtuple< float >::fill(float const &,float const &,float const &,float const &,float const &,float const &,float const &,float const &,float const &)\n"
" npstat::InMemoryNtuple< float >::fill(float const &,float const &,float const &,float const &,float const &,float const &,float const &,float const &,float const &,float const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
float result;
if (!SWIG_Python_UnpackTuple(args, "FloatInMemoryNtuple___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple___call__" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple___call__" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple___call__" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (float)((npstat::InMemoryNtuple< float > const *)arg1)->operator ()(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_float(static_cast< float >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_at(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
float result;
if (!SWIG_Python_UnpackTuple(args, "FloatInMemoryNtuple_at", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_at" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_at" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatInMemoryNtuple_at" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (float)((npstat::InMemoryNtuple< float > const *)arg1)->at(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_float(static_cast< float >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_clear" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_rowContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
unsigned long arg2 ;
float *arg3 = (float *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "FloatInMemoryNtuple_rowContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_rowContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatInMemoryNtuple_rowContents" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_float, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "FloatInMemoryNtuple_rowContents" "', argument " "3"" of type '" "float *""'");
}
arg3 = reinterpret_cast< float * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_rowContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< float > const *)arg1)->rowContents(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_columnContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
npstat::Column *arg2 = 0 ;
float *arg3 = (float *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "FloatInMemoryNtuple_columnContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_columnContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Column, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
arg2 = reinterpret_cast< npstat::Column * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_float, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "FloatInMemoryNtuple_columnContents" "', argument " "3"" of type '" "float *""'");
}
arg3 = reinterpret_cast< float * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "FloatInMemoryNtuple_columnContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< float > const *)arg1)->columnContents((npstat::Column const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_classId" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
{
try {
result = ((npstat::InMemoryNtuple< float > const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = (npstat::InMemoryNtuple< float > *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "FloatInMemoryNtuple_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_write" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::InMemoryNtuple< float > const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "FloatInMemoryNtuple_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::InMemoryNtuple< float >::SWIGTEMPLATEDISAMBIGUATOR classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "FloatInMemoryNtuple_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::InMemoryNtuple< float >::SWIGTEMPLATEDISAMBIGUATOR version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatInMemoryNtuple_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< float > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "FloatInMemoryNtuple_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::InMemoryNtuple< float > *)npstat::InMemoryNtuple< float >::SWIGTEMPLATEDISAMBIGUATOR read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_FloatInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::InMemoryNtuple< float > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_FloatInMemoryNtuple", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_FloatInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_FloatInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_FloatInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_FloatInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::InMemoryNtuple< float > > *)new gs::ArchiveRecord< npstat::InMemoryNtuple< float > >((npstat::InMemoryNtuple< float > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_float_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_FloatInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::InMemoryNtuple< float > > *arg1 = (gs::ArchiveRecord< npstat::InMemoryNtuple< float > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_float_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_FloatInMemoryNtuple" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::InMemoryNtuple< float > > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::InMemoryNtuple< float > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_FloatInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_float_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_FloatInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_118(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< float > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::InMemoryNtuple< float > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< float > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::InMemoryNtuple< float > >((npstat::InMemoryNtuple< float > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::InMemoryNtuple< float > >(static_cast< const gs::ArchiveRecord< npstat::InMemoryNtuple< float > >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_float_t_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_FloatInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::InMemoryNtuple< float > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< float > > *)new gs::Reference< npstat::InMemoryNtuple< float > >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_float_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_FloatInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< float > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< float > > *)new gs::Reference< npstat::InMemoryNtuple< float > >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_float_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_FloatInMemoryNtuple__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< float > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_FloatInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< float > > *)new gs::Reference< npstat::InMemoryNtuple< float > >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_float_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_FloatInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_FloatInMemoryNtuple", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_FloatInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_FloatInMemoryNtuple__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_FloatInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_FloatInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::InMemoryNtuple< float > >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::InMemoryNtuple< float > >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::InMemoryNtuple< float > >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_FloatInMemoryNtuple_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< float > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< float > > *) 0 ;
unsigned long arg2 ;
npstat::InMemoryNtuple< float > *arg3 = (npstat::InMemoryNtuple< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_FloatInMemoryNtuple_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_float_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_FloatInMemoryNtuple_restore" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< float > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< float > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_FloatInMemoryNtuple_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_FloatInMemoryNtuple_restore" "', argument " "3"" of type '" "npstat::InMemoryNtuple< float > *""'");
}
arg3 = reinterpret_cast< npstat::InMemoryNtuple< float > * >(argp3);
{
try {
((gs::Reference< npstat::InMemoryNtuple< float > > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_FloatInMemoryNtuple_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< float > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< float > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< float > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_FloatInMemoryNtuple_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_float_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_FloatInMemoryNtuple_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< float > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< float > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_FloatInMemoryNtuple_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::InMemoryNtuple< float > *)gs_Reference_Sl_npstat_InMemoryNtuple_Sl_float_Sg__Sg__retrieve((gs::Reference< npstat::InMemoryNtuple< float > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_FloatInMemoryNtuple_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< float > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< float > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::InMemoryNtuple< float > > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_FloatInMemoryNtuple_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_float_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_FloatInMemoryNtuple_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< float > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< float > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_FloatInMemoryNtuple_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_InMemoryNtuple_Sl_float_Sg__Sg__getValue((gs::Reference< npstat::InMemoryNtuple< float > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::InMemoryNtuple< float >(static_cast< const npstat::InMemoryNtuple< float >& >(result))), SWIGTYPE_p_npstat__InMemoryNtupleT_float_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_FloatInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< float > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< float > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_float_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_FloatInMemoryNtuple" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< float > > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< float > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_FloatInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_float_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_FloatInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
npstat::InMemoryNtuple< double > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DoubleInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
{
try {
result = (npstat::InMemoryNtuple< double > *)new npstat::InMemoryNtuple< double >((std::vector< std::string,std::allocator< std::string > > const &)*arg1,(char const *)arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return resultobj;
fail:
{
delete arg1;
}
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::string,std::allocator< std::string > > *arg1 = 0 ;
npstat::InMemoryNtuple< double > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
{
if (PySequence_Check(swig_obj[0]))
{
arg1 = new std::vector<std::string>();
const Py_ssize_t size = PySequence_Size(swig_obj[0]);
arg1->reserve(size);
for (Py_ssize_t i=0; i<size; ++i)
{
PyObject *o = PySequence_GetItem(swig_obj[0], i);
assert(o);
if (PyUnicode_Check(o))
{
PyObject* pyStr = PyUnicode_AsEncodedString(o, "utf-8", "Error -");
assert(pyStr);
const char* contents = PyBytes_AsString(pyStr);
assert(contents);
arg1->push_back(std::string(contents));
Py_DECREF(pyStr);
Py_DECREF(o);
}
else
{
Py_DECREF(o);
delete arg1;
SWIG_exception(SWIG_TypeError, "sequence must contain only strings");
return NULL;
}
}
}
else
{
SWIG_exception(SWIG_TypeError, "expected a sequence of strings");
return NULL;
}
}
{
try {
result = (npstat::InMemoryNtuple< double > *)new npstat::InMemoryNtuple< double >((std::vector< std::string,std::allocator< std::string > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, SWIG_POINTER_NEW | 0 );
{
delete arg1;
}
return resultobj;
fail:
{
delete arg1;
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DoubleInMemoryNtuple", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
return _wrap_new_DoubleInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
{
_v = 0;
if (PySequence_Check(argv[0]))
{
int allStrings = 1;
const Py_ssize_t size = PySequence_Size(argv[0]);
for (Py_ssize_t i=0; i<size && allStrings; ++i)
{
PyObject *o = PySequence_GetItem(argv[0], i);
assert(o);
if (!PyUnicode_Check(o))
allStrings = 0;
Py_DECREF(o);
}
_v = allStrings;
}
}
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DoubleInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DoubleInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< double >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &,char const *)\n"
" npstat::InMemoryNtuple< double >::InMemoryNtuple(std::vector< std::string,std::allocator< std::string > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DoubleInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_nRows(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_nRows" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
{
try {
result = (unsigned long)((npstat::InMemoryNtuple< double > const *)arg1)->nRows();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->fill((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
(arg1)->fill((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
(arg1)->fill((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
double *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double temp4 ;
double val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "4"" of type '" "double""'");
}
temp4 = static_cast< double >(val4);
arg4 = &temp4;
{
try {
(arg1)->fill((double const &)*arg2,(double const &)*arg3,(double const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
double *arg4 = 0 ;
double *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double temp4 ;
double val4 ;
int ecode4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "4"" of type '" "double""'");
}
temp4 = static_cast< double >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
{
try {
(arg1)->fill((double const &)*arg2,(double const &)*arg3,(double const &)*arg4,(double const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
double *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double temp4 ;
double val4 ;
int ecode4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "4"" of type '" "double""'");
}
temp4 = static_cast< double >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
{
try {
(arg1)->fill((double const &)*arg2,(double const &)*arg3,(double const &)*arg4,(double const &)*arg5,(double const &)*arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
double *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double *arg7 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double temp4 ;
double val4 ;
int ecode4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double temp7 ;
double val7 ;
int ecode7 = 0 ;
if ((nobjs < 7) || (nobjs > 7)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "4"" of type '" "double""'");
}
temp4 = static_cast< double >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "7"" of type '" "double""'");
}
temp7 = static_cast< double >(val7);
arg7 = &temp7;
{
try {
(arg1)->fill((double const &)*arg2,(double const &)*arg3,(double const &)*arg4,(double const &)*arg5,(double const &)*arg6,(double const &)*arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
double *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double *arg7 = 0 ;
double *arg8 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double temp4 ;
double val4 ;
int ecode4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double temp7 ;
double val7 ;
int ecode7 = 0 ;
double temp8 ;
double val8 ;
int ecode8 = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "4"" of type '" "double""'");
}
temp4 = static_cast< double >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "7"" of type '" "double""'");
}
temp7 = static_cast< double >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "8"" of type '" "double""'");
}
temp8 = static_cast< double >(val8);
arg8 = &temp8;
{
try {
(arg1)->fill((double const &)*arg2,(double const &)*arg3,(double const &)*arg4,(double const &)*arg5,(double const &)*arg6,(double const &)*arg7,(double const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
double *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double *arg7 = 0 ;
double *arg8 = 0 ;
double *arg9 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double temp4 ;
double val4 ;
int ecode4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double temp7 ;
double val7 ;
int ecode7 = 0 ;
double temp8 ;
double val8 ;
int ecode8 = 0 ;
double temp9 ;
double val9 ;
int ecode9 = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "4"" of type '" "double""'");
}
temp4 = static_cast< double >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "7"" of type '" "double""'");
}
temp7 = static_cast< double >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "8"" of type '" "double""'");
}
temp8 = static_cast< double >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "9"" of type '" "double""'");
}
temp9 = static_cast< double >(val9);
arg9 = &temp9;
{
try {
(arg1)->fill((double const &)*arg2,(double const &)*arg3,(double const &)*arg4,(double const &)*arg5,(double const &)*arg6,(double const &)*arg7,(double const &)*arg8,(double const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
double *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double *arg7 = 0 ;
double *arg8 = 0 ;
double *arg9 = 0 ;
double *arg10 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double temp4 ;
double val4 ;
int ecode4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double temp7 ;
double val7 ;
int ecode7 = 0 ;
double temp8 ;
double val8 ;
int ecode8 = 0 ;
double temp9 ;
double val9 ;
int ecode9 = 0 ;
double temp10 ;
double val10 ;
int ecode10 = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "4"" of type '" "double""'");
}
temp4 = static_cast< double >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "7"" of type '" "double""'");
}
temp7 = static_cast< double >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "8"" of type '" "double""'");
}
temp8 = static_cast< double >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "9"" of type '" "double""'");
}
temp9 = static_cast< double >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "10"" of type '" "double""'");
}
temp10 = static_cast< double >(val10);
arg10 = &temp10;
{
try {
(arg1)->fill((double const &)*arg2,(double const &)*arg3,(double const &)*arg4,(double const &)*arg5,(double const &)*arg6,(double const &)*arg7,(double const &)*arg8,(double const &)*arg9,(double const &)*arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
double *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double *arg7 = 0 ;
double *arg8 = 0 ;
double *arg9 = 0 ;
double *arg10 = 0 ;
double *arg11 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double temp4 ;
double val4 ;
int ecode4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double temp7 ;
double val7 ;
int ecode7 = 0 ;
double temp8 ;
double val8 ;
int ecode8 = 0 ;
double temp9 ;
double val9 ;
int ecode9 = 0 ;
double temp10 ;
double val10 ;
int ecode10 = 0 ;
double temp11 ;
double val11 ;
int ecode11 = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "4"" of type '" "double""'");
}
temp4 = static_cast< double >(val4);
arg4 = &temp4;
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "7"" of type '" "double""'");
}
temp7 = static_cast< double >(val7);
arg7 = &temp7;
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "8"" of type '" "double""'");
}
temp8 = static_cast< double >(val8);
arg8 = &temp8;
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "9"" of type '" "double""'");
}
temp9 = static_cast< double >(val9);
arg9 = &temp9;
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "10"" of type '" "double""'");
}
temp10 = static_cast< double >(val10);
arg10 = &temp10;
ecode11 = SWIG_AsVal_double(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "DoubleInMemoryNtuple_fill" "', argument " "11"" of type '" "double""'");
}
temp11 = static_cast< double >(val11);
arg11 = &temp11;
{
try {
(arg1)->fill((double const &)*arg2,(double const &)*arg3,(double const &)*arg4,(double const &)*arg5,(double const &)*arg6,(double const &)*arg7,(double const &)*arg8,(double const &)*arg9,(double const &)*arg10,(double const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_fill(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleInMemoryNtuple_fill", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
if (argc <= 2) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
return _wrap_DoubleInMemoryNtuple_fill__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_4(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 7) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleInMemoryNtuple_fill__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleInMemoryNtuple_fill'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InMemoryNtuple< double >::fill(double const *,unsigned long)\n"
" npstat::InMemoryNtuple< double >::fill(double const &)\n"
" npstat::InMemoryNtuple< double >::fill(double const &,double const &)\n"
" npstat::InMemoryNtuple< double >::fill(double const &,double const &,double const &)\n"
" npstat::InMemoryNtuple< double >::fill(double const &,double const &,double const &,double const &)\n"
" npstat::InMemoryNtuple< double >::fill(double const &,double const &,double const &,double const &,double const &)\n"
" npstat::InMemoryNtuple< double >::fill(double const &,double const &,double const &,double const &,double const &,double const &)\n"
" npstat::InMemoryNtuple< double >::fill(double const &,double const &,double const &,double const &,double const &,double const &,double const &)\n"
" npstat::InMemoryNtuple< double >::fill(double const &,double const &,double const &,double const &,double const &,double const &,double const &,double const &)\n"
" npstat::InMemoryNtuple< double >::fill(double const &,double const &,double const &,double const &,double const &,double const &,double const &,double const &,double const &)\n"
" npstat::InMemoryNtuple< double >::fill(double const &,double const &,double const &,double const &,double const &,double const &,double const &,double const &,double const &,double const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleInMemoryNtuple___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple___call__" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple___call__" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple___call__" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (double)((npstat::InMemoryNtuple< double > const *)arg1)->operator ()(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_at(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
unsigned long arg2 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleInMemoryNtuple_at", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_at" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_at" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleInMemoryNtuple_at" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (double)((npstat::InMemoryNtuple< double > const *)arg1)->at(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_clear" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_rowContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleInMemoryNtuple_rowContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_rowContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleInMemoryNtuple_rowContents" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "DoubleInMemoryNtuple_rowContents" "', argument " "3"" of type '" "double *""'");
}
arg3 = reinterpret_cast< double * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_rowContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< double > const *)arg1)->rowContents(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_columnContents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
npstat::Column *arg2 = 0 ;
double *arg3 = (double *) 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
PyObject *swig_obj[4] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleInMemoryNtuple_columnContents", 4, 4, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_columnContents" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Column, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleInMemoryNtuple_columnContents" "', argument " "2"" of type '" "npstat::Column const &""'");
}
arg2 = reinterpret_cast< npstat::Column * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "DoubleInMemoryNtuple_columnContents" "', argument " "3"" of type '" "double *""'");
}
arg3 = reinterpret_cast< double * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleInMemoryNtuple_columnContents" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
((npstat::InMemoryNtuple< double > const *)arg1)->columnContents((npstat::Column const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_classId" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
{
try {
result = ((npstat::InMemoryNtuple< double > const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = (npstat::InMemoryNtuple< double > *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleInMemoryNtuple_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_write" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const *""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleInMemoryNtuple_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::InMemoryNtuple< double > const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "DoubleInMemoryNtuple_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::InMemoryNtuple< double >::SWIGTEMPLATEDISAMBIGUATOR classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "DoubleInMemoryNtuple_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::InMemoryNtuple< double >::SWIGTEMPLATEDISAMBIGUATOR version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleInMemoryNtuple_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "DoubleInMemoryNtuple_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleInMemoryNtuple_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleInMemoryNtuple_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::InMemoryNtuple< double > *)npstat::InMemoryNtuple< double >::SWIGTEMPLATEDISAMBIGUATOR read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_DoubleInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::InMemoryNtuple< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_DoubleInMemoryNtuple", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_DoubleInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_DoubleInMemoryNtuple" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_DoubleInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_DoubleInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::InMemoryNtuple< double > > *)new gs::ArchiveRecord< npstat::InMemoryNtuple< double > >((npstat::InMemoryNtuple< double > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_double_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_DoubleInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::InMemoryNtuple< double > > *arg1 = (gs::ArchiveRecord< npstat::InMemoryNtuple< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_DoubleInMemoryNtuple" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::InMemoryNtuple< double > > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::InMemoryNtuple< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_DoubleInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_DoubleInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_119(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InMemoryNtuple< double > *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::InMemoryNtuple< double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InMemoryNtuple< double > const &""'");
}
arg1 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::InMemoryNtuple< double > >((npstat::InMemoryNtuple< double > const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::InMemoryNtuple< double > >(static_cast< const gs::ArchiveRecord< npstat::InMemoryNtuple< double > >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InMemoryNtupleT_double_t_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DoubleInMemoryNtuple__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::InMemoryNtuple< double > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< double > > *)new gs::Reference< npstat::InMemoryNtuple< double > >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DoubleInMemoryNtuple__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< double > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< double > > *)new gs::Reference< npstat::InMemoryNtuple< double > >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_double_t_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DoubleInMemoryNtuple__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::InMemoryNtuple< double > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DoubleInMemoryNtuple" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::InMemoryNtuple< double > > *)new gs::Reference< npstat::InMemoryNtuple< double > >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DoubleInMemoryNtuple(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_DoubleInMemoryNtuple", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_DoubleInMemoryNtuple__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_DoubleInMemoryNtuple__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_DoubleInMemoryNtuple__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_DoubleInMemoryNtuple'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::InMemoryNtuple< double > >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::InMemoryNtuple< double > >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::InMemoryNtuple< double > >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_DoubleInMemoryNtuple_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< double > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< double > > *) 0 ;
unsigned long arg2 ;
npstat::InMemoryNtuple< double > *arg3 = (npstat::InMemoryNtuple< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_DoubleInMemoryNtuple_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_DoubleInMemoryNtuple_restore" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< double > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_DoubleInMemoryNtuple_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_DoubleInMemoryNtuple_restore" "', argument " "3"" of type '" "npstat::InMemoryNtuple< double > *""'");
}
arg3 = reinterpret_cast< npstat::InMemoryNtuple< double > * >(argp3);
{
try {
((gs::Reference< npstat::InMemoryNtuple< double > > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_DoubleInMemoryNtuple_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< double > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InMemoryNtuple< double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_DoubleInMemoryNtuple_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_DoubleInMemoryNtuple_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< double > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_DoubleInMemoryNtuple_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::InMemoryNtuple< double > *)gs_Reference_Sl_npstat_InMemoryNtuple_Sl_double_Sg__Sg__retrieve((gs::Reference< npstat::InMemoryNtuple< double > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_DoubleInMemoryNtuple_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< double > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::InMemoryNtuple< double > > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_DoubleInMemoryNtuple_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_DoubleInMemoryNtuple_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< double > > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_DoubleInMemoryNtuple_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_InMemoryNtuple_Sl_double_Sg__Sg__getValue((gs::Reference< npstat::InMemoryNtuple< double > > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::InMemoryNtuple< double >(static_cast< const npstat::InMemoryNtuple< double >& >(result))), SWIGTYPE_p_npstat__InMemoryNtupleT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_DoubleInMemoryNtuple(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InMemoryNtuple< double > > *arg1 = (gs::Reference< npstat::InMemoryNtuple< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_DoubleInMemoryNtuple" "', argument " "1"" of type '" "gs::Reference< npstat::InMemoryNtuple< double > > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InMemoryNtuple< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_DoubleInMemoryNtuple_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__InMemoryNtupleT_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_DoubleInMemoryNtuple_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_SequentialCopulaSmoother(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::SequentialCopulaSmoother *arg1 = (npstat::SequentialCopulaSmoother *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__SequentialCopulaSmoother, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_SequentialCopulaSmoother" "', argument " "1"" of type '" "npstat::SequentialCopulaSmoother *""'");
}
arg1 = reinterpret_cast< npstat::SequentialCopulaSmoother * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SequentialCopulaSmoother__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int *arg1 = (unsigned int *) 0 ;
unsigned int arg2 ;
double arg3 ;
unsigned int arg4 ;
int arg5 ;
double arg6 ;
npstat::BoundaryHandling *arg7 = 0 ;
double arg8 ;
double *arg9 = (double *) 0 ;
unsigned int arg10 ;
npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc *arg11 = (npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc *) 0 ;
bool arg12 ;
double arg13 ;
unsigned int arg14 ;
bool arg15 ;
bool arg16 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
void *argp7 = 0 ;
int res7 = 0 ;
double val8 ;
int ecode8 = 0 ;
PyArrayObject *array9 = NULL ;
int is_new_object9 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
double val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
bool val15 ;
int ecode15 = 0 ;
bool val16 ;
int ecode16 = 0 ;
npstat::SequentialCopulaSmoother *result = 0 ;
if ((nobjs < 14) || (nobjs > 14)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_UINT,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (unsigned int*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_double(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SequentialCopulaSmoother" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SequentialCopulaSmoother" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_int(swig_obj[3], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_SequentialCopulaSmoother" "', argument " "5"" of type '" "int""'");
}
arg5 = static_cast< int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_SequentialCopulaSmoother" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
res7 = SWIG_ConvertPtr(swig_obj[5], &argp7, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res7)) {
SWIG_exception_fail(SWIG_ArgError(res7), "in method '" "new_SequentialCopulaSmoother" "', argument " "7"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp7) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SequentialCopulaSmoother" "', argument " "7"" of type '" "npstat::BoundaryHandling const &""'");
}
arg7 = reinterpret_cast< npstat::BoundaryHandling * >(argp7);
ecode8 = SWIG_AsVal_double(swig_obj[6], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_SequentialCopulaSmoother" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
{
npy_intp size[1] = {
-1
};
array9 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_DOUBLE,
&is_new_object9);
if (!array9 || !require_dimensions(array9, 1) ||
!require_size(array9, size, 1)) SWIG_fail;
arg9 = (double*) array_data(array9);
arg10 = (int) array_size(array9,0);
}
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11,SWIGTYPE_p_npstat__AbsBandwidthCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "new_SequentialCopulaSmoother" "', argument " "11"" of type '" "npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *""'");
}
arg11 = reinterpret_cast< npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "new_SequentialCopulaSmoother" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
ecode13 = SWIG_AsVal_double(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_SequentialCopulaSmoother" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[11], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "new_SequentialCopulaSmoother" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
ecode15 = SWIG_AsVal_bool(swig_obj[12], &val15);
if (!SWIG_IsOK(ecode15)) {
SWIG_exception_fail(SWIG_ArgError(ecode15), "in method '" "new_SequentialCopulaSmoother" "', argument " "15"" of type '" "bool""'");
}
arg15 = static_cast< bool >(val15);
ecode16 = SWIG_AsVal_bool(swig_obj[13], &val16);
if (!SWIG_IsOK(ecode16)) {
SWIG_exception_fail(SWIG_ArgError(ecode16), "in method '" "new_SequentialCopulaSmoother" "', argument " "16"" of type '" "bool""'");
}
arg16 = static_cast< bool >(val16);
{
try {
result = (npstat::SequentialCopulaSmoother *)new npstat::SequentialCopulaSmoother((unsigned int const *)arg1,arg2,arg3,arg4,arg5,arg6,(npstat::BoundaryHandling const &)*arg7,arg8,(double const *)arg9,arg10,(npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *)arg11,arg12,arg13,arg14,arg15,arg16);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SequentialCopulaSmoother, SWIG_POINTER_NEW | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object9 && array9)
{
Py_DECREF(array9);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object9 && array9)
{
Py_DECREF(array9);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SequentialCopulaSmoother__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int *arg1 = (unsigned int *) 0 ;
unsigned int arg2 ;
double arg3 ;
unsigned int arg4 ;
int arg5 ;
double arg6 ;
npstat::BoundaryHandling *arg7 = 0 ;
double arg8 ;
double *arg9 = (double *) 0 ;
unsigned int arg10 ;
npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc *arg11 = (npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc *) 0 ;
bool arg12 ;
double arg13 ;
unsigned int arg14 ;
bool arg15 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
void *argp7 = 0 ;
int res7 = 0 ;
double val8 ;
int ecode8 = 0 ;
PyArrayObject *array9 = NULL ;
int is_new_object9 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
double val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
bool val15 ;
int ecode15 = 0 ;
npstat::SequentialCopulaSmoother *result = 0 ;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_UINT,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (unsigned int*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
ecode3 = SWIG_AsVal_double(swig_obj[1], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_SequentialCopulaSmoother" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_SequentialCopulaSmoother" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_int(swig_obj[3], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_SequentialCopulaSmoother" "', argument " "5"" of type '" "int""'");
}
arg5 = static_cast< int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[4], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_SequentialCopulaSmoother" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
res7 = SWIG_ConvertPtr(swig_obj[5], &argp7, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res7)) {
SWIG_exception_fail(SWIG_ArgError(res7), "in method '" "new_SequentialCopulaSmoother" "', argument " "7"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp7) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_SequentialCopulaSmoother" "', argument " "7"" of type '" "npstat::BoundaryHandling const &""'");
}
arg7 = reinterpret_cast< npstat::BoundaryHandling * >(argp7);
ecode8 = SWIG_AsVal_double(swig_obj[6], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_SequentialCopulaSmoother" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
{
npy_intp size[1] = {
-1
};
array9 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_DOUBLE,
&is_new_object9);
if (!array9 || !require_dimensions(array9, 1) ||
!require_size(array9, size, 1)) SWIG_fail;
arg9 = (double*) array_data(array9);
arg10 = (int) array_size(array9,0);
}
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11,SWIGTYPE_p_npstat__AbsBandwidthCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "new_SequentialCopulaSmoother" "', argument " "11"" of type '" "npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *""'");
}
arg11 = reinterpret_cast< npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "new_SequentialCopulaSmoother" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
ecode13 = SWIG_AsVal_double(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_SequentialCopulaSmoother" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[11], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "new_SequentialCopulaSmoother" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
ecode15 = SWIG_AsVal_bool(swig_obj[12], &val15);
if (!SWIG_IsOK(ecode15)) {
SWIG_exception_fail(SWIG_ArgError(ecode15), "in method '" "new_SequentialCopulaSmoother" "', argument " "15"" of type '" "bool""'");
}
arg15 = static_cast< bool >(val15);
{
try {
result = (npstat::SequentialCopulaSmoother *)new npstat::SequentialCopulaSmoother((unsigned int const *)arg1,arg2,arg3,arg4,arg5,arg6,(npstat::BoundaryHandling const &)*arg7,arg8,(double const *)arg9,arg10,(npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *)arg11,arg12,arg13,arg14,arg15);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__SequentialCopulaSmoother, SWIG_POINTER_NEW | 0 );
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object9 && array9)
{
Py_DECREF(array9);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
{
if (is_new_object9 && array9)
{
Py_DECREF(array9);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_SequentialCopulaSmoother(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[15] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_SequentialCopulaSmoother", 0, 14, argv))) SWIG_fail;
--argc;
if (argc == 13) {
int _v;
{
_v = is_array(argv[0]) || PySequence_Check(argv[0]);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[8], &vptr, SWIGTYPE_p_npstat__AbsBandwidthCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[11], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SequentialCopulaSmoother__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 14) {
int _v;
{
_v = is_array(argv[0]) || PySequence_Check(argv[0]);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[8], &vptr, SWIGTYPE_p_npstat__AbsBandwidthCVNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[11], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[13], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_SequentialCopulaSmoother__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_SequentialCopulaSmoother'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::SequentialCopulaSmoother::SequentialCopulaSmoother(unsigned int const *,unsigned int,double,unsigned int,int,double,npstat::BoundaryHandling const &,double,double const *,unsigned int,npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *,bool,double,unsigned int,bool,bool)\n"
" npstat::SequentialCopulaSmoother::SequentialCopulaSmoother(unsigned int const *,unsigned int,double,unsigned int,int,double,npstat::BoundaryHandling const &,double,double const *,unsigned int,npstat::CVCopulaSmoother< npstat::SequentialPolyFilterND >::CVCalc const *,bool,double,unsigned int,bool)\n");
return 0;
}
SWIGINTERN PyObject *SequentialCopulaSmoother_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__SequentialCopulaSmoother, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *SequentialCopulaSmoother_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UCharBandwidthCVPseudoLogliND__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double val1 ;
int ecode1 = 0 ;
npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_UCharBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
{
try {
result = (npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > >(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_UCharBandwidthCVPseudoLogliND__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_UCharBandwidthCVPseudoLogliND(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_UCharBandwidthCVPseudoLogliND", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_UCharBandwidthCVPseudoLogliND__SWIG_1(self, argc, argv);
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_UCharBandwidthCVPseudoLogliND__SWIG_0(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_UCharBandwidthCVPseudoLogliND'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND(double)\n"
" npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND()\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_UCharBandwidthCVPseudoLogliND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthCVPseudoLogliND_getNonZeroCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharBandwidthCVPseudoLogliND_getNonZeroCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > const *)arg1)->getNonZeroCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthCVPseudoLogliND_getRenormCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharBandwidthCVPseudoLogliND_getRenormCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > const *)arg1)->getRenormCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthCVPseudoLogliND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< unsigned char > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< unsigned char > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthCVPseudoLogliND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< unsigned char > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< unsigned char > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthCVPseudoLogliND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "UCharBandwidthCVPseudoLogliND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_UCharBandwidthCVPseudoLogliND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_UCharBandwidthCVPseudoLogliND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'UCharBandwidthCVPseudoLogliND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > >::operator ()(npstat::HistoND< unsigned char > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVPseudoLogliND< unsigned char,npstat::ArrayND< double > >::operator ()(npstat::HistoND< unsigned char > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *UCharBandwidthCVPseudoLogliND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharBandwidthCVPseudoLogliND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_IntBandwidthCVPseudoLogliND__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double val1 ;
int ecode1 = 0 ;
npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_IntBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
{
try {
result = (npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > >(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_IntBandwidthCVPseudoLogliND__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_IntBandwidthCVPseudoLogliND(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_IntBandwidthCVPseudoLogliND", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_IntBandwidthCVPseudoLogliND__SWIG_1(self, argc, argv);
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_IntBandwidthCVPseudoLogliND__SWIG_0(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_IntBandwidthCVPseudoLogliND'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND(double)\n"
" npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND()\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_IntBandwidthCVPseudoLogliND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthCVPseudoLogliND_getNonZeroCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntBandwidthCVPseudoLogliND_getNonZeroCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > const *)arg1)->getNonZeroCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthCVPseudoLogliND_getRenormCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntBandwidthCVPseudoLogliND_getRenormCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > const *)arg1)->getRenormCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthCVPseudoLogliND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< int > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< int > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthCVPseudoLogliND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< int > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< int > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthCVPseudoLogliND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "IntBandwidthCVPseudoLogliND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_int_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_IntBandwidthCVPseudoLogliND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_int_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_IntBandwidthCVPseudoLogliND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'IntBandwidthCVPseudoLogliND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > >::operator ()(npstat::HistoND< int > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVPseudoLogliND< int,npstat::ArrayND< double > >::operator ()(npstat::HistoND< int > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *IntBandwidthCVPseudoLogliND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntBandwidthCVPseudoLogliND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LongBandwidthCVPseudoLogliND__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double val1 ;
int ecode1 = 0 ;
npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_LongBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
{
try {
result = (npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > >(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LongBandwidthCVPseudoLogliND__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LongBandwidthCVPseudoLogliND(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_LongBandwidthCVPseudoLogliND", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_LongBandwidthCVPseudoLogliND__SWIG_1(self, argc, argv);
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_LongBandwidthCVPseudoLogliND__SWIG_0(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_LongBandwidthCVPseudoLogliND'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND(double)\n"
" npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND()\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_LongBandwidthCVPseudoLogliND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthCVPseudoLogliND_getNonZeroCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongBandwidthCVPseudoLogliND_getNonZeroCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > const *)arg1)->getNonZeroCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthCVPseudoLogliND_getRenormCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongBandwidthCVPseudoLogliND_getRenormCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > const *)arg1)->getRenormCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthCVPseudoLogliND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< long > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< long > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthCVPseudoLogliND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< long > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< long > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthCVPseudoLogliND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LongBandwidthCVPseudoLogliND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_long_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LongBandwidthCVPseudoLogliND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_long_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LongBandwidthCVPseudoLogliND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LongBandwidthCVPseudoLogliND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > >::operator ()(npstat::HistoND< long > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVPseudoLogliND< long,npstat::ArrayND< double > >::operator ()(npstat::HistoND< long > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *LongBandwidthCVPseudoLogliND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongBandwidthCVPseudoLogliND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_FloatBandwidthCVPseudoLogliND__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double val1 ;
int ecode1 = 0 ;
npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_FloatBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
{
try {
result = (npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > >(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_FloatBandwidthCVPseudoLogliND__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_FloatBandwidthCVPseudoLogliND(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_FloatBandwidthCVPseudoLogliND", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_FloatBandwidthCVPseudoLogliND__SWIG_1(self, argc, argv);
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_FloatBandwidthCVPseudoLogliND__SWIG_0(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_FloatBandwidthCVPseudoLogliND'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND(double)\n"
" npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND()\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_FloatBandwidthCVPseudoLogliND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthCVPseudoLogliND_getNonZeroCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatBandwidthCVPseudoLogliND_getNonZeroCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > const *)arg1)->getNonZeroCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthCVPseudoLogliND_getRenormCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatBandwidthCVPseudoLogliND_getRenormCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > const *)arg1)->getRenormCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthCVPseudoLogliND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< float > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< float > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthCVPseudoLogliND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< float > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< float > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthCVPseudoLogliND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "FloatBandwidthCVPseudoLogliND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_float_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_FloatBandwidthCVPseudoLogliND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_float_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_FloatBandwidthCVPseudoLogliND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'FloatBandwidthCVPseudoLogliND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > >::operator ()(npstat::HistoND< float > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVPseudoLogliND< float,npstat::ArrayND< double > >::operator ()(npstat::HistoND< float > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *FloatBandwidthCVPseudoLogliND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatBandwidthCVPseudoLogliND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleBandwidthCVPseudoLogliND__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double val1 ;
int ecode1 = 0 ;
npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DoubleBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
{
try {
result = (npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > >(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleBandwidthCVPseudoLogliND__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *)new npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleBandwidthCVPseudoLogliND(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DoubleBandwidthCVPseudoLogliND", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_DoubleBandwidthCVPseudoLogliND__SWIG_1(self, argc, argv);
}
if (argc == 1) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DoubleBandwidthCVPseudoLogliND__SWIG_0(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DoubleBandwidthCVPseudoLogliND'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND(double)\n"
" npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > >::BandwidthCVPseudoLogliND()\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DoubleBandwidthCVPseudoLogliND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleBandwidthCVPseudoLogliND" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthCVPseudoLogliND_getNonZeroCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleBandwidthCVPseudoLogliND_getNonZeroCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > const *)arg1)->getNonZeroCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthCVPseudoLogliND_getRenormCount(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleBandwidthCVPseudoLogliND_getRenormCount" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > const *)arg1)->getRenormCount();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthCVPseudoLogliND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< double > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< double > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthCVPseudoLogliND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< double > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVPseudoLogliND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< double > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthCVPseudoLogliND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleBandwidthCVPseudoLogliND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleBandwidthCVPseudoLogliND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleBandwidthCVPseudoLogliND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleBandwidthCVPseudoLogliND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > >::operator ()(npstat::HistoND< double > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVPseudoLogliND< double,npstat::ArrayND< double > >::operator ()(npstat::HistoND< double > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *DoubleBandwidthCVPseudoLogliND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVPseudoLogliNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleBandwidthCVPseudoLogliND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_contDegreeTaper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
double val1 ;
int ecode1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "contDegreeTaper" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
{
try {
result = npstat::contDegreeTaper(arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DensityScan1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
double arg2 ;
unsigned long arg3 ;
double arg4 ;
double arg5 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
npstat::DensityScan1D *result = 0 ;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityScan1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DensityScan1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityScan1D" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DensityScan1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DensityScan1D" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_DensityScan1D" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = (npstat::DensityScan1D *)new npstat::DensityScan1D((npstat::AbsDistribution1D const &)*arg1,arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityScan1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DensityScan1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
double arg2 ;
unsigned long arg3 ;
double arg4 ;
double arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
npstat::DensityScan1D *result = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityScan1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DensityScan1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityScan1D" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DensityScan1D" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DensityScan1D" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
result = (npstat::DensityScan1D *)new npstat::DensityScan1D((npstat::AbsDistribution1D const &)*arg1,arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityScan1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DensityScan1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DensityScan1D", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DensityScan1D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
if (argc == 6) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DensityScan1D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DensityScan1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::DensityScan1D::DensityScan1D(npstat::AbsDistribution1D const &,double,unsigned long,double,double,unsigned int)\n"
" npstat::DensityScan1D::DensityScan1D(npstat::AbsDistribution1D const &,double,unsigned long,double,double)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DensityScan1D___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1D *arg1 = (npstat::DensityScan1D *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DensityScan1D___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityScan1D___call__" "', argument " "1"" of type '" "npstat::DensityScan1D const *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DensityScan1D___call__" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DensityScan1D___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::DensityScan1D const *)arg1)->operator ()((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityScan1D_averageDensity(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1D *arg1 = (npstat::DensityScan1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DensityScan1D_averageDensity", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityScan1D_averageDensity" "', argument " "1"" of type '" "npstat::DensityScan1D const *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DensityScan1D_averageDensity" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (double)((npstat::DensityScan1D const *)arg1)->averageDensity(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DensityScan1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1D *arg1 = (npstat::DensityScan1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DensityScan1D" "', argument " "1"" of type '" "npstat::DensityScan1D *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DensityScan1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DensityScan1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DensityScan1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DensityDiscretizationError1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::DensityDiscretizationError1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DensityDiscretizationError1D", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityDiscretizationError1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityDiscretizationError1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DensityDiscretizationError1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityDiscretizationError1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::DensityDiscretizationError1D *)new npstat::DensityDiscretizationError1D((npstat::AbsDistribution1D const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityDiscretizationError1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DensityDiscretizationError1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityDiscretizationError1D *arg1 = (npstat::DensityDiscretizationError1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityDiscretizationError1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DensityDiscretizationError1D" "', argument " "1"" of type '" "npstat::DensityDiscretizationError1D *""'");
}
arg1 = reinterpret_cast< npstat::DensityDiscretizationError1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityDiscretizationError1D___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityDiscretizationError1D *arg1 = (npstat::DensityDiscretizationError1D *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DensityDiscretizationError1D___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityDiscretizationError1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityDiscretizationError1D___call__" "', argument " "1"" of type '" "npstat::DensityDiscretizationError1D const *""'");
}
arg1 = reinterpret_cast< npstat::DensityDiscretizationError1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DensityDiscretizationError1D___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::DensityDiscretizationError1D const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DensityDiscretizationError1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DensityDiscretizationError1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DensityDiscretizationError1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DensityScan1D_Linear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
npstat::LinearMapper1dTmpl< double > *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::DensityScan1DTrans< npstat::LinearMapper1d > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DensityScan1D_Linear", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityScan1D_Linear" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Linear" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LinearMapper1dTmplT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DensityScan1D_Linear" "', argument " "2"" of type '" "npstat::LinearMapper1dTmpl< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Linear" "', argument " "2"" of type '" "npstat::LinearMapper1dTmpl< double > const &""'");
}
arg2 = reinterpret_cast< npstat::LinearMapper1dTmpl< double > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityScan1D_Linear" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::DensityScan1DTrans< npstat::LinearMapper1d > *)new npstat::DensityScan1DTrans< npstat::LinearMapper1d >((npstat::AbsDistribution1D const &)*arg1,(npstat::LinearMapper1dTmpl< double > const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LinearMapper1dTmplT_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityScan1D_Linear___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::LinearMapper1d > *arg1 = (npstat::DensityScan1DTrans< npstat::LinearMapper1d > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DensityScan1D_Linear___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LinearMapper1dTmplT_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityScan1D_Linear___call__" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::LinearMapper1d > const *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::LinearMapper1d > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DensityScan1D_Linear___call__" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DensityScan1D_Linear___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::DensityScan1DTrans< npstat::LinearMapper1d > const *)arg1)->operator ()((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DensityScan1D_Linear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::LinearMapper1d > *arg1 = (npstat::DensityScan1DTrans< npstat::LinearMapper1d > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LinearMapper1dTmplT_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DensityScan1D_Linear" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::LinearMapper1d > *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::LinearMapper1d > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DensityScan1D_Linear_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LinearMapper1dTmplT_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DensityScan1D_Linear_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DensityScan1D_Log(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
npstat::LogMapper1d *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::DensityScan1DTrans< npstat::LogMapper1d > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DensityScan1D_Log", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityScan1D_Log" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Log" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LogMapper1d, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DensityScan1D_Log" "', argument " "2"" of type '" "npstat::LogMapper1d const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Log" "', argument " "2"" of type '" "npstat::LogMapper1d const &""'");
}
arg2 = reinterpret_cast< npstat::LogMapper1d * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityScan1D_Log" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::DensityScan1DTrans< npstat::LogMapper1d > *)new npstat::DensityScan1DTrans< npstat::LogMapper1d >((npstat::AbsDistribution1D const &)*arg1,(npstat::LogMapper1d const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LogMapper1d_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityScan1D_Log___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::LogMapper1d > *arg1 = (npstat::DensityScan1DTrans< npstat::LogMapper1d > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DensityScan1D_Log___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LogMapper1d_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityScan1D_Log___call__" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::LogMapper1d > const *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::LogMapper1d > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DensityScan1D_Log___call__" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DensityScan1D_Log___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::DensityScan1DTrans< npstat::LogMapper1d > const *)arg1)->operator ()((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DensityScan1D_Log(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::LogMapper1d > *arg1 = (npstat::DensityScan1DTrans< npstat::LogMapper1d > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LogMapper1d_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DensityScan1D_Log" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::LogMapper1d > *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::LogMapper1d > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DensityScan1D_Log_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LogMapper1d_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DensityScan1D_Log_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DensityScan1D_Circular(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
npstat::CircularMapper1d *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::DensityScan1DTrans< npstat::CircularMapper1d > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DensityScan1D_Circular", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityScan1D_Circular" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Circular" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__CircularMapper1d, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DensityScan1D_Circular" "', argument " "2"" of type '" "npstat::CircularMapper1d const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Circular" "', argument " "2"" of type '" "npstat::CircularMapper1d const &""'");
}
arg2 = reinterpret_cast< npstat::CircularMapper1d * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityScan1D_Circular" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::DensityScan1DTrans< npstat::CircularMapper1d > *)new npstat::DensityScan1DTrans< npstat::CircularMapper1d >((npstat::AbsDistribution1D const &)*arg1,(npstat::CircularMapper1d const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__CircularMapper1d_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityScan1D_Circular___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::CircularMapper1d > *arg1 = (npstat::DensityScan1DTrans< npstat::CircularMapper1d > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DensityScan1D_Circular___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__CircularMapper1d_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityScan1D_Circular___call__" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::CircularMapper1d > const *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::CircularMapper1d > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DensityScan1D_Circular___call__" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DensityScan1D_Circular___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::DensityScan1DTrans< npstat::CircularMapper1d > const *)arg1)->operator ()((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DensityScan1D_Circular(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::CircularMapper1d > *arg1 = (npstat::DensityScan1DTrans< npstat::CircularMapper1d > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__CircularMapper1d_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DensityScan1D_Circular" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::CircularMapper1d > *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::CircularMapper1d > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DensityScan1D_Circular_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__CircularMapper1d_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DensityScan1D_Circular_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DensityScan1D_Interpolated(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
npstat::LinInterpolatedTable1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DensityScan1D_Interpolated", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityScan1D_Interpolated" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Interpolated" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LinInterpolatedTable1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DensityScan1D_Interpolated" "', argument " "2"" of type '" "npstat::LinInterpolatedTable1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Interpolated" "', argument " "2"" of type '" "npstat::LinInterpolatedTable1D const &""'");
}
arg2 = reinterpret_cast< npstat::LinInterpolatedTable1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityScan1D_Interpolated" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > *)new npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D >((npstat::AbsDistribution1D const &)*arg1,(npstat::LinInterpolatedTable1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LinInterpolatedTable1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityScan1D_Interpolated___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > *arg1 = (npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DensityScan1D_Interpolated___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LinInterpolatedTable1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityScan1D_Interpolated___call__" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > const *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DensityScan1D_Interpolated___call__" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DensityScan1D_Interpolated___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > const *)arg1)->operator ()((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DensityScan1D_Interpolated(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > *arg1 = (npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LinInterpolatedTable1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DensityScan1D_Interpolated" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::LinInterpolatedTable1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DensityScan1D_Interpolated_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__LinInterpolatedTable1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DensityScan1D_Interpolated_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DensityScan1D_Funct(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
npstat::Functor1< double,double > *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::DensityScan1DTrans< npstat::Functor1< double,double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DensityScan1D_Funct", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityScan1D_Funct" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Funct" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Functor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DensityScan1D_Funct" "', argument " "2"" of type '" "npstat::Functor1< double,double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Funct" "', argument " "2"" of type '" "npstat::Functor1< double,double > const &""'");
}
arg2 = reinterpret_cast< npstat::Functor1< double,double > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityScan1D_Funct" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::DensityScan1DTrans< npstat::Functor1< double,double > > *)new npstat::DensityScan1DTrans< npstat::Functor1< double,double > >((npstat::AbsDistribution1D const &)*arg1,(npstat::Functor1< double,double > const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__Functor1T_double_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityScan1D_Funct___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::Functor1< double,double > > *arg1 = (npstat::DensityScan1DTrans< npstat::Functor1< double,double > > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DensityScan1D_Funct___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__Functor1T_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityScan1D_Funct___call__" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::Functor1< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::Functor1< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DensityScan1D_Funct___call__" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DensityScan1D_Funct___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::DensityScan1DTrans< npstat::Functor1< double,double > > const *)arg1)->operator ()((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DensityScan1D_Funct(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::Functor1< double,double > > *arg1 = (npstat::DensityScan1DTrans< npstat::Functor1< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__Functor1T_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DensityScan1D_Funct" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::Functor1< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::Functor1< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DensityScan1D_Funct_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__Functor1T_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DensityScan1D_Funct_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DensityScan1D_Fcn(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
npstat::FcnFunctor1< double,double > *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DensityScan1D_Fcn", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityScan1D_Fcn" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Fcn" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__FcnFunctor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DensityScan1D_Fcn" "', argument " "2"" of type '" "npstat::FcnFunctor1< double,double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityScan1D_Fcn" "', argument " "2"" of type '" "npstat::FcnFunctor1< double,double > const &""'");
}
arg2 = reinterpret_cast< npstat::FcnFunctor1< double,double > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityScan1D_Fcn" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > *)new npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > >((npstat::AbsDistribution1D const &)*arg1,(npstat::FcnFunctor1< double,double > const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__FcnFunctor1T_double_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityScan1D_Fcn___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > *arg1 = (npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > *) 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DensityScan1D_Fcn___call__", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__FcnFunctor1T_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityScan1D_Fcn___call__" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_unsigned_int, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DensityScan1D_Fcn___call__" "', argument " "2"" of type '" "unsigned int const *""'");
}
arg2 = reinterpret_cast< unsigned int * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DensityScan1D_Fcn___call__" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > const *)arg1)->operator ()((unsigned int const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DensityScan1D_Fcn(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > *arg1 = (npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__FcnFunctor1T_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DensityScan1D_Fcn" "', argument " "1"" of type '" "npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::DensityScan1DTrans< npstat::FcnFunctor1< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DensityScan1D_Fcn_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DensityScan1DTransT_npstat__FcnFunctor1T_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DensityScan1D_Fcn_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistro1D1P__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::GridAxis *arg1 = 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
npstat::InterpolatedDistro1D1P *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__GridAxis, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_InterpolatedDistro1D1P" "', argument " "1"" of type '" "npstat::GridAxis const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_InterpolatedDistro1D1P" "', argument " "1"" of type '" "npstat::GridAxis const &""'");
}
arg1 = reinterpret_cast< npstat::GridAxis * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_InterpolatedDistro1D1P" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
result = (npstat::InterpolatedDistro1D1P *)new npstat::InterpolatedDistro1D1P((npstat::GridAxis const &)*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistro1D1P__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::GridAxis *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::InterpolatedDistro1D1P *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__GridAxis, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_InterpolatedDistro1D1P" "', argument " "1"" of type '" "npstat::GridAxis const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_InterpolatedDistro1D1P" "', argument " "1"" of type '" "npstat::GridAxis const &""'");
}
arg1 = reinterpret_cast< npstat::GridAxis * >(argp1);
{
try {
result = (npstat::InterpolatedDistro1D1P *)new npstat::InterpolatedDistro1D1P((npstat::GridAxis const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_InterpolatedDistro1D1P(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_InterpolatedDistro1D1P" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistro1D1P__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::InterpolatedDistro1D1P *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_InterpolatedDistro1D1P" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_InterpolatedDistro1D1P" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const &""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
{
try {
result = (npstat::InterpolatedDistro1D1P *)new npstat::InterpolatedDistro1D1P((npstat::InterpolatedDistro1D1P const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_InterpolatedDistro1D1P(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_InterpolatedDistro1D1P", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__GridAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_InterpolatedDistro1D1P__SWIG_1(self, argc, argv);
}
}
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_InterpolatedDistro1D1P__SWIG_2(self, argc, argv);
}
}
if (argc == 2) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__GridAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_InterpolatedDistro1D1P__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_InterpolatedDistro1D1P'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::InterpolatedDistro1D1P::InterpolatedDistro1D1P(npstat::GridAxis const &,bool)\n"
" npstat::InterpolatedDistro1D1P::InterpolatedDistro1D1P(npstat::GridAxis const &)\n"
" npstat::InterpolatedDistro1D1P::InterpolatedDistro1D1P(npstat::InterpolatedDistro1D1P const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_setGridDistro(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
unsigned int arg2 ;
npstat::AbsDistribution1D *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_setGridDistro", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_setGridDistro" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1D1P_setGridDistro" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "InterpolatedDistro1D1P_setGridDistro" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "InterpolatedDistro1D1P_setGridDistro" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
{
try {
(arg1)->setGridDistro(arg2,(npstat::AbsDistribution1D const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_setParameter(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_setParameter", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_setParameter" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1D1P_setParameter" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setParameter(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_getParameter(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_getParameter" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
{
try {
result = (double)((npstat::InterpolatedDistro1D1P const *)arg1)->getParameter();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_getAxis(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::GridAxis *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_getAxis" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
{
try {
result = (npstat::GridAxis *) &((npstat::InterpolatedDistro1D1P const *)arg1)->getAxis();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridAxis, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_nDistros(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_nDistros" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
{
try {
result = (unsigned int)((npstat::InterpolatedDistro1D1P const *)arg1)->nDistros();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_interpolateVertically(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_interpolateVertically", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_interpolateVertically" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1D1P_interpolateVertically" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->interpolateVertically(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_interpolatingVertically(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_interpolatingVertically" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
{
try {
result = (bool)((npstat::InterpolatedDistro1D1P const *)arg1)->interpolatingVertically();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::InterpolatedDistro1D1P *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_clone" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
{
try {
result = (npstat::InterpolatedDistro1D1P *)((npstat::InterpolatedDistro1D1P const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_density" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1D1P_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistro1D1P const *)arg1)->density(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_cdf" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1D1P_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistro1D1P const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_exceedance" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1D1P_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistro1D1P const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_quantile" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "InterpolatedDistro1D1P_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::InterpolatedDistro1D1P const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_classId" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
{
try {
result = ((npstat::InterpolatedDistro1D1P const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = (npstat::InterpolatedDistro1D1P *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_write" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const *""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "InterpolatedDistro1D1P_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "InterpolatedDistro1D1P_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::InterpolatedDistro1D1P const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::InterpolatedDistro1D1P::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::InterpolatedDistro1D1P::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_InterpolatedDistro1D1P_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InterpolatedDistro1D1P *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "InterpolatedDistro1D1P_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "InterpolatedDistro1D1P_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "InterpolatedDistro1D1P_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "InterpolatedDistro1D1P_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "InterpolatedDistro1D1P_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::InterpolatedDistro1D1P *)npstat::InterpolatedDistro1D1P::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *InterpolatedDistro1D1P_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *InterpolatedDistro1D1P_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_InterpolatedDistro1D1P(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::InterpolatedDistro1D1P > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_InterpolatedDistro1D1P", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_InterpolatedDistro1D1P" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_InterpolatedDistro1D1P" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const &""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_InterpolatedDistro1D1P" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_InterpolatedDistro1D1P" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::InterpolatedDistro1D1P > *)new gs::ArchiveRecord< npstat::InterpolatedDistro1D1P >((npstat::InterpolatedDistro1D1P const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InterpolatedDistro1D1P_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_InterpolatedDistro1D1P(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::InterpolatedDistro1D1P > *arg1 = (gs::ArchiveRecord< npstat::InterpolatedDistro1D1P > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__InterpolatedDistro1D1P_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_InterpolatedDistro1D1P" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::InterpolatedDistro1D1P > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::InterpolatedDistro1D1P > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_InterpolatedDistro1D1P_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__InterpolatedDistro1D1P_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_InterpolatedDistro1D1P_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_120(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::InterpolatedDistro1D1P *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::InterpolatedDistro1D1P > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::InterpolatedDistro1D1P const &""'");
}
arg1 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::InterpolatedDistro1D1P >((npstat::InterpolatedDistro1D1P const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::InterpolatedDistro1D1P >(static_cast< const gs::ArchiveRecord< npstat::InterpolatedDistro1D1P >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__InterpolatedDistro1D1P_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_InterpolatedDistro1D1P__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::InterpolatedDistro1D1P > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::InterpolatedDistro1D1P > *)new gs::Reference< npstat::InterpolatedDistro1D1P >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1D1P_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_InterpolatedDistro1D1P__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::InterpolatedDistro1D1P > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::InterpolatedDistro1D1P > *)new gs::Reference< npstat::InterpolatedDistro1D1P >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1D1P_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_InterpolatedDistro1D1P__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::InterpolatedDistro1D1P > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_InterpolatedDistro1D1P" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::InterpolatedDistro1D1P > *)new gs::Reference< npstat::InterpolatedDistro1D1P >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1D1P_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_InterpolatedDistro1D1P(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_InterpolatedDistro1D1P", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_InterpolatedDistro1D1P__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_InterpolatedDistro1D1P__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_InterpolatedDistro1D1P__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_InterpolatedDistro1D1P'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::InterpolatedDistro1D1P >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::InterpolatedDistro1D1P >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::InterpolatedDistro1D1P >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_InterpolatedDistro1D1P_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InterpolatedDistro1D1P > *arg1 = (gs::Reference< npstat::InterpolatedDistro1D1P > *) 0 ;
unsigned long arg2 ;
npstat::InterpolatedDistro1D1P *arg3 = (npstat::InterpolatedDistro1D1P *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_InterpolatedDistro1D1P_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1D1P_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_InterpolatedDistro1D1P_restore" "', argument " "1"" of type '" "gs::Reference< npstat::InterpolatedDistro1D1P > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InterpolatedDistro1D1P > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_InterpolatedDistro1D1P_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__InterpolatedDistro1D1P, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_InterpolatedDistro1D1P_restore" "', argument " "3"" of type '" "npstat::InterpolatedDistro1D1P *""'");
}
arg3 = reinterpret_cast< npstat::InterpolatedDistro1D1P * >(argp3);
{
try {
((gs::Reference< npstat::InterpolatedDistro1D1P > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_InterpolatedDistro1D1P_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InterpolatedDistro1D1P > *arg1 = (gs::Reference< npstat::InterpolatedDistro1D1P > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::InterpolatedDistro1D1P *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_InterpolatedDistro1D1P_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1D1P_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_InterpolatedDistro1D1P_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::InterpolatedDistro1D1P > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InterpolatedDistro1D1P > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_InterpolatedDistro1D1P_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::InterpolatedDistro1D1P *)gs_Reference_Sl_npstat_InterpolatedDistro1D1P_Sg__retrieve((gs::Reference< npstat::InterpolatedDistro1D1P > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_InterpolatedDistro1D1P_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InterpolatedDistro1D1P > *arg1 = (gs::Reference< npstat::InterpolatedDistro1D1P > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::InterpolatedDistro1D1P > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_InterpolatedDistro1D1P_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1D1P_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_InterpolatedDistro1D1P_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::InterpolatedDistro1D1P > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InterpolatedDistro1D1P > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_InterpolatedDistro1D1P_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_InterpolatedDistro1D1P_Sg__getValue((gs::Reference< npstat::InterpolatedDistro1D1P > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::InterpolatedDistro1D1P(static_cast< const npstat::InterpolatedDistro1D1P& >(result))), SWIGTYPE_p_npstat__InterpolatedDistro1D1P, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_InterpolatedDistro1D1P(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::InterpolatedDistro1D1P > *arg1 = (gs::Reference< npstat::InterpolatedDistro1D1P > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1D1P_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_InterpolatedDistro1D1P" "', argument " "1"" of type '" "gs::Reference< npstat::InterpolatedDistro1D1P > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::InterpolatedDistro1D1P > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_InterpolatedDistro1D1P_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__InterpolatedDistro1D1P_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_InterpolatedDistro1D1P_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LOrPE1DVariableDegreeCVRunner(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LinInterpolatedTable1D *arg1 = 0 ;
double arg2 ;
unsigned int arg3 ;
double arg4 ;
double arg5 ;
double arg6 ;
double arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
PyObject *swig_obj[7] ;
npstat::LOrPE1DVariableDegreeCVRunner *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LOrPE1DVariableDegreeCVRunner", 7, 7, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LinInterpolatedTable1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_LOrPE1DVariableDegreeCVRunner" "', argument " "1"" of type '" "npstat::LinInterpolatedTable1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPE1DVariableDegreeCVRunner" "', argument " "1"" of type '" "npstat::LinInterpolatedTable1D const &""'");
}
arg1 = reinterpret_cast< npstat::LinInterpolatedTable1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_LOrPE1DVariableDegreeCVRunner" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_LOrPE1DVariableDegreeCVRunner" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_LOrPE1DVariableDegreeCVRunner" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_LOrPE1DVariableDegreeCVRunner" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_LOrPE1DVariableDegreeCVRunner" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_LOrPE1DVariableDegreeCVRunner" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
{
try {
result = (npstat::LOrPE1DVariableDegreeCVRunner *)new npstat::LOrPE1DVariableDegreeCVRunner((npstat::LinInterpolatedTable1D const &)*arg1,arg2,arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LOrPE1DVariableDegreeCVRunner(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DVariableDegreeCVRunner *arg1 = (npstat::LOrPE1DVariableDegreeCVRunner *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LOrPE1DVariableDegreeCVRunner" "', argument " "1"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVRunner * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LOrPE1DVariableDegreeCVRunner_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LOrPE1DVariableDegreeCVRunner_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LOrPE1DVariableDegreeCVPicker(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
- unsigned int arg2 ;
+ std::vector< double,std::allocator< double > > *arg2 = 0 ;
std::vector< double,std::allocator< double > > *arg3 = 0 ;
- double arg4 ;
+ std::vector< double,std::allocator< double > > *arg4 = 0 ;
unsigned int arg5 ;
- double arg6 ;
- unsigned int arg7 ;
- std::vector< double,std::allocator< double > > *arg8 = 0 ;
- unsigned int arg9 ;
+ unsigned int arg6 ;
+ double arg7 ;
+ unsigned int arg8 ;
double val1 ;
int ecode1 = 0 ;
- unsigned int val2 ;
- int ecode2 = 0 ;
+ int res2 = SWIG_OLDOBJ ;
int res3 = SWIG_OLDOBJ ;
- double val4 ;
- int ecode4 = 0 ;
+ int res4 = SWIG_OLDOBJ ;
unsigned int val5 ;
int ecode5 = 0 ;
- double val6 ;
+ unsigned int val6 ;
int ecode6 = 0 ;
- unsigned int val7 ;
+ double val7 ;
int ecode7 = 0 ;
- int res8 = SWIG_OLDOBJ ;
- unsigned int val9 ;
- int ecode9 = 0 ;
- PyObject *swig_obj[9] ;
+ unsigned int val8 ;
+ int ecode8 = 0 ;
+ PyObject *swig_obj[8] ;
npstat::LOrPE1DVariableDegreeCVPicker *result = 0 ;
- if (!SWIG_Python_UnpackTuple(args, "new_LOrPE1DVariableDegreeCVPicker", 9, 9, swig_obj)) SWIG_fail;
+ if (!SWIG_Python_UnpackTuple(args, "new_LOrPE1DVariableDegreeCVPicker", 8, 8, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
- ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
- if (!SWIG_IsOK(ecode2)) {
- SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "2"" of type '" "unsigned int""'");
- }
- arg2 = static_cast< unsigned int >(val2);
+ {
+ std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
+ res2 = swig::asptr(swig_obj[1], &ptr);
+ if (!SWIG_IsOK(res2)) {
+ SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
+ }
+ if (!ptr) {
+ SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
+ }
+ arg2 = ptr;
+ }
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res3 = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "3"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "3"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg3 = ptr;
}
- ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
- if (!SWIG_IsOK(ecode4)) {
- SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "4"" of type '" "double""'");
- }
- arg4 = static_cast< double >(val4);
+ {
+ std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
+ res4 = swig::asptr(swig_obj[3], &ptr);
+ if (!SWIG_IsOK(res4)) {
+ SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "4"" of type '" "std::vector< double,std::allocator< double > > const &""'");
+ }
+ if (!ptr) {
+ SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "4"" of type '" "std::vector< double,std::allocator< double > > const &""'");
+ }
+ arg4 = ptr;
+ }
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
- ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
+ ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
- SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "6"" of type '" "double""'");
+ SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "6"" of type '" "unsigned int""'");
}
- arg6 = static_cast< double >(val6);
- ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
+ arg6 = static_cast< unsigned int >(val6);
+ ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
- SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "7"" of type '" "unsigned int""'");
+ SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "7"" of type '" "double""'");
}
- arg7 = static_cast< unsigned int >(val7);
- {
- std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
- res8 = swig::asptr(swig_obj[7], &ptr);
- if (!SWIG_IsOK(res8)) {
- SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "8"" of type '" "std::vector< double,std::allocator< double > > const &""'");
- }
- if (!ptr) {
- SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "8"" of type '" "std::vector< double,std::allocator< double > > const &""'");
- }
- arg8 = ptr;
- }
- ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
- if (!SWIG_IsOK(ecode9)) {
- SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "9"" of type '" "unsigned int""'");
+ arg7 = static_cast< double >(val7);
+ ecode8 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val8);
+ if (!SWIG_IsOK(ecode8)) {
+ SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_LOrPE1DVariableDegreeCVPicker" "', argument " "8"" of type '" "unsigned int""'");
}
- arg9 = static_cast< unsigned int >(val9);
+ arg8 = static_cast< unsigned int >(val8);
{
try {
- result = (npstat::LOrPE1DVariableDegreeCVPicker *)new npstat::LOrPE1DVariableDegreeCVPicker(arg1,arg2,(std::vector< double,std::allocator< double > > const &)*arg3,arg4,arg5,arg6,arg7,(std::vector< double,std::allocator< double > > const &)*arg8,arg9);
+ result = (npstat::LOrPE1DVariableDegreeCVPicker *)new npstat::LOrPE1DVariableDegreeCVPicker(arg1,(std::vector< double,std::allocator< double > > const &)*arg2,(std::vector< double,std::allocator< double > > const &)*arg3,(std::vector< double,std::allocator< double > > const &)*arg4,arg5,arg6,arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_NEW | 0 );
+ if (SWIG_IsNewObj(res2)) delete arg2;
if (SWIG_IsNewObj(res3)) delete arg3;
- if (SWIG_IsNewObj(res8)) delete arg8;
+ if (SWIG_IsNewObj(res4)) delete arg4;
return resultobj;
fail:
+ if (SWIG_IsNewObj(res2)) delete arg2;
if (SWIG_IsNewObj(res3)) delete arg3;
- if (SWIG_IsNewObj(res8)) delete arg8;
+ if (SWIG_IsNewObj(res4)) delete arg4;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LOrPE1DVariableDegreeCVPicker(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DVariableDegreeCVPicker *arg1 = (npstat::LOrPE1DVariableDegreeCVPicker *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LOrPE1DVariableDegreeCVPicker" "', argument " "1"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVPicker * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LOrPE1DVariableDegreeCVPicker_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LOrPE1DVariableDegreeCVPicker_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
npstat::LOrPE1D< double > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DoubleLOrPE1D" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleLOrPE1D" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (npstat::LOrPE1D< double > *)new npstat::LOrPE1D< double >((npstat::LOrPE1DSymbetaKernel const &)*arg1,(double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
npstat::LOrPE1D< double > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DoubleLOrPE1D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleLOrPE1D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
try {
result = (npstat::LOrPE1D< double > *)new npstat::LOrPE1D< double >((npstat::LOrPE1DSymbetaKernel const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DoubleLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DoubleLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DoubleLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DoubleLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< double >::LOrPE1D(npstat::LOrPE1DSymbetaKernel const &,double const *,unsigned long const)\n"
" npstat::LOrPE1D< double >::LOrPE1D(npstat::LOrPE1DSymbetaKernel const &,std::vector< double,std::allocator< double > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DoubleLOrPE1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_setNormFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_setNormFactor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_setNormFactor" "', argument " "1"" of type '" "npstat::LOrPE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_setNormFactor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setNormFactor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_setSample__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_setSample" "', argument " "1"" of type '" "npstat::LOrPE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleLOrPE1D_setSample" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleLOrPE1D_setSample" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
(arg1)->setSample((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_setSample__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_setSample" "', argument " "1"" of type '" "npstat::LOrPE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleLOrPE1D_setSample" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleLOrPE1D_setSample" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
try {
(arg1)->setSample((std::vector< double,std::allocator< double > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_setSample(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_setSample", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleLOrPE1D_setSample__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleLOrPE1D_setSample__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleLOrPE1D_setSample'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< double >::setSample(double const *,unsigned long const)\n"
" npstat::LOrPE1D< double >::setSample(std::vector< double,std::allocator< double > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1D< double > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_kernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DSymbetaKernel *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_kernel" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
result = (npstat::LOrPE1DSymbetaKernel *) &((npstat::LOrPE1D< double > const *)arg1)->kernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_normFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_normFactor" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->normFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_coords" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
result = (std::vector< double,std::allocator< double > > *) &((npstat::LOrPE1D< double > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1D< double > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_density", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_density" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleLOrPE1D_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
npstat::LOrPE1D< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D___eq__" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleLOrPE1D___eq__" "', argument " "2"" of type '" "npstat::LOrPE1D< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleLOrPE1D___eq__" "', argument " "2"" of type '" "npstat::LOrPE1D< double > const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp2);
{
try {
result = (bool)((npstat::LOrPE1D< double > const *)arg1)->operator ==((npstat::LOrPE1D< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
npstat::LOrPE1D< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D___ne__" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleLOrPE1D___ne__" "', argument " "2"" of type '" "npstat::LOrPE1D< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleLOrPE1D___ne__" "', argument " "2"" of type '" "npstat::LOrPE1D< double > const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp2);
{
try {
result = (bool)((npstat::LOrPE1D< double > const *)arg1)->operator !=((npstat::LOrPE1D< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1D< double >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 ;
int res2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
{
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleLOrPE1D_densityFunctor" "', argument " "2"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleLOrPE1D_densityFunctor" "', argument " "2"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp2);
arg2 = *temp;
if (SWIG_IsNewObj(res2)) delete temp;
}
}
{
try {
result = ((npstat::LOrPE1D< double > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR densityFunctor< npstat::Functor1RefHelper< double,double > >(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DFunctorHelper< double,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_densityFunctor__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DFunctorHelper< double,double > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1D< double > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR densityFunctor< double >(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DFunctorHelper< double,double >(static_cast< const npstat::LOrPE1DFunctorHelper< double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_double_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_densityFunctor", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleLOrPE1D_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleLOrPE1D_densityFunctor__SWIG_2(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleLOrPE1D_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< double >::densityFunctor< npstat::Functor1RefHelper< double,double > >(npstat::Functor1RefHelper< double,double >) const\n"
" npstat::LOrPE1D< double >::densityFunctor< double >(double) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_densityIntegral" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleLOrPE1D_densityIntegral" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleLOrPE1D_densityIntegral" "', argument " "4"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleLOrPE1D_densityIntegral" "', argument " "4"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp4);
arg4 = *temp;
if (SWIG_IsNewObj(res4)) delete temp;
}
}
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR densityIntegral< npstat::Functor1RefHelper< double,double > >(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_densityIntegral__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_densityIntegral" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleLOrPE1D_densityIntegral" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleLOrPE1D_densityIntegral" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR densityIntegral< double >(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_densityIntegral", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleLOrPE1D_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleLOrPE1D_densityIntegral__SWIG_2(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleLOrPE1D_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< double >::densityIntegral< npstat::Functor1RefHelper< double,double > >(unsigned int,unsigned int,npstat::Functor1RefHelper< double,double >) const\n"
" npstat::LOrPE1D< double >::densityIntegral< double >(unsigned int,unsigned int,double) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
unsigned int arg3 ;
unsigned int arg4 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
void *argp5 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
{
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
arg5 = *temp;
if (SWIG_IsNewObj(res5)) delete temp;
}
}
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR integratedSquaredError< npstat::Functor1RefHelper< double,double > >((npstat::AbsDistribution1D const &)*arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_integratedSquaredError__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
unsigned int arg3 ;
unsigned int arg4 ;
double arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleLOrPE1D_integratedSquaredError" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
result = (double)((npstat::LOrPE1D< double > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR integratedSquaredError< double >((npstat::AbsDistribution1D const &)*arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_integratedSquaredError", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleLOrPE1D_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleLOrPE1D_integratedSquaredError__SWIG_2(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleLOrPE1D_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< double >::integratedSquaredError< npstat::Functor1RefHelper< double,double > >(npstat::AbsDistribution1D const &,unsigned int const,unsigned int const,npstat::Functor1RefHelper< double,double >) const\n"
" npstat::LOrPE1D< double >::integratedSquaredError< double >(npstat::AbsDistribution1D const &,unsigned int const,unsigned int const,double) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_normalizeDensityEstimate__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_normalizeDensityEstimate" "', argument " "1"" of type '" "npstat::LOrPE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_normalizeDensityEstimate" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleLOrPE1D_normalizeDensityEstimate" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleLOrPE1D_normalizeDensityEstimate" "', argument " "4"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleLOrPE1D_normalizeDensityEstimate" "', argument " "4"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp4);
arg4 = *temp;
if (SWIG_IsNewObj(res4)) delete temp;
}
}
{
try {
result = (double)(arg1)->SWIGTEMPLATEDISAMBIGUATOR normalizeDensityEstimate< npstat::Functor1RefHelper< double,double > >(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_normalizeDensityEstimate__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< double > *arg1 = (npstat::LOrPE1D< double > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleLOrPE1D_normalizeDensityEstimate" "', argument " "1"" of type '" "npstat::LOrPE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleLOrPE1D_normalizeDensityEstimate" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleLOrPE1D_normalizeDensityEstimate" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleLOrPE1D_normalizeDensityEstimate" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)(arg1)->SWIGTEMPLATEDISAMBIGUATOR normalizeDensityEstimate< double >(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleLOrPE1D_normalizeDensityEstimate(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleLOrPE1D_normalizeDensityEstimate", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleLOrPE1D_normalizeDensityEstimate__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleLOrPE1D_normalizeDensityEstimate__SWIG_2(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleLOrPE1D_normalizeDensityEstimate'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< double >::normalizeDensityEstimate< npstat::Functor1RefHelper< double,double > >(unsigned int,unsigned int,npstat::Functor1RefHelper< double,double >)\n"
" npstat::LOrPE1D< double >::normalizeDensityEstimate< double >(unsigned int,unsigned int,double)\n");
return 0;
}
SWIGINTERN PyObject *DoubleLOrPE1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleLOrPE1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePairLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = 0 ;
std::pair< double,double > *arg2 = (std::pair< double,double > *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
npstat::LOrPE1D< std::pair< double,double > > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePairLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePairLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_std__pairT_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DoubleDoublePairLOrPE1D" "', argument " "2"" of type '" "std::pair< double,double > const *""'");
}
arg2 = reinterpret_cast< std::pair< double,double > * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePairLOrPE1D" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (npstat::LOrPE1D< std::pair< double,double > > *)new npstat::LOrPE1D< std::pair< double,double > >((npstat::LOrPE1DSymbetaKernel const &)*arg1,(std::pair< double,double > const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePairLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DSymbetaKernel *arg1 = 0 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
npstat::LOrPE1D< std::pair< double,double > > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePairLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePairLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DSymbetaKernel * >(argp1);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DoubleDoublePairLOrPE1D" "', argument " "2"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePairLOrPE1D" "', argument " "2"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg2 = ptr;
}
{
try {
result = (npstat::LOrPE1D< std::pair< double,double > > *)new npstat::LOrPE1D< std::pair< double,double > >((npstat::LOrPE1DSymbetaKernel const &)*arg1,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePairLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DoubleDoublePairLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DoubleDoublePairLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::pair< double,double >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DoubleDoublePairLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DoubleDoublePairLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< std::pair< double,double > >::LOrPE1D(npstat::LOrPE1DSymbetaKernel const &,std::pair< double,double > const *,unsigned long const)\n"
" npstat::LOrPE1D< std::pair< double,double > >::LOrPE1D(npstat::LOrPE1DSymbetaKernel const &,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePairLOrPE1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePairLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_setNormFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_setNormFactor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_setNormFactor" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_setNormFactor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setNormFactor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_setSample__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
std::pair< double,double > *arg2 = (std::pair< double,double > *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_setSample" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_std__pairT_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePairLOrPE1D_setSample" "', argument " "2"" of type '" "std::pair< double,double > const *""'");
}
arg2 = reinterpret_cast< std::pair< double,double > * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePairLOrPE1D_setSample" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
(arg1)->setSample((std::pair< double,double > const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_setSample__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_setSample" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePairLOrPE1D_setSample" "', argument " "2"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePairLOrPE1D_setSample" "', argument " "2"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg2 = ptr;
}
{
try {
(arg1)->setSample((std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_setSample(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_setSample", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_setSample__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::pair< double,double >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_setSample__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePairLOrPE1D_setSample'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< std::pair< double,double > >::setSample(std::pair< double,double > const *,unsigned long const)\n"
" npstat::LOrPE1D< std::pair< double,double > >::setSample(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_kernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DSymbetaKernel *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_kernel" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
result = (npstat::LOrPE1DSymbetaKernel *) &((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->kernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DSymbetaKernel, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_normFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_normFactor" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->normFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_coords" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
result = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *) &((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_density", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_density" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePairLOrPE1D_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
npstat::LOrPE1D< std::pair< double,double > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D___eq__" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePairLOrPE1D___eq__" "', argument " "2"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePairLOrPE1D___eq__" "', argument " "2"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp2);
{
try {
result = (bool)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->operator ==((npstat::LOrPE1D< std::pair< double,double > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
npstat::LOrPE1D< std::pair< double,double > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D___ne__" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePairLOrPE1D___ne__" "', argument " "2"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePairLOrPE1D___ne__" "', argument " "2"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp2);
{
try {
result = (bool)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->operator !=((npstat::LOrPE1D< std::pair< double,double > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1D< std::pair< double,double > >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 ;
int res2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
{
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePairLOrPE1D_densityFunctor" "', argument " "2"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePairLOrPE1D_densityFunctor" "', argument " "2"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp2);
arg2 = *temp;
if (SWIG_IsNewObj(res2)) delete temp;
}
}
{
try {
result = ((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR densityFunctor< npstat::Functor1RefHelper< double,double > >(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_densityFunctor__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR densityFunctor< double >(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double >(static_cast< const npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DFunctorHelperT_std__pairT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_densityFunctor", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_densityFunctor__SWIG_2(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePairLOrPE1D_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< std::pair< double,double > >::densityFunctor< npstat::Functor1RefHelper< double,double > >(npstat::Functor1RefHelper< double,double >) const\n"
" npstat::LOrPE1D< std::pair< double,double > >::densityFunctor< double >(double) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_densityIntegral" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePairLOrPE1D_densityIntegral" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleDoublePairLOrPE1D_densityIntegral" "', argument " "4"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePairLOrPE1D_densityIntegral" "', argument " "4"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp4);
arg4 = *temp;
if (SWIG_IsNewObj(res4)) delete temp;
}
}
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR densityIntegral< npstat::Functor1RefHelper< double,double > >(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_densityIntegral__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_densityIntegral" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePairLOrPE1D_densityIntegral" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePairLOrPE1D_densityIntegral" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR densityIntegral< double >(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_densityIntegral", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_densityIntegral__SWIG_2(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePairLOrPE1D_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< std::pair< double,double > >::densityIntegral< npstat::Functor1RefHelper< double,double > >(unsigned int,unsigned int,npstat::Functor1RefHelper< double,double >) const\n"
" npstat::LOrPE1D< std::pair< double,double > >::densityIntegral< double >(unsigned int,unsigned int,double) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
unsigned int arg3 ;
unsigned int arg4 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
void *argp5 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
{
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
arg5 = *temp;
if (SWIG_IsNewObj(res5)) delete temp;
}
}
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR integratedSquaredError< npstat::Functor1RefHelper< double,double > >((npstat::AbsDistribution1D const &)*arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_integratedSquaredError__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
unsigned int arg3 ;
unsigned int arg4 ;
double arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleDoublePairLOrPE1D_integratedSquaredError" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
result = (double)((npstat::LOrPE1D< std::pair< double,double > > const *)arg1)->SWIGTEMPLATEDISAMBIGUATOR integratedSquaredError< double >((npstat::AbsDistribution1D const &)*arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_integratedSquaredError", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_integratedSquaredError__SWIG_2(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePairLOrPE1D_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< std::pair< double,double > >::integratedSquaredError< npstat::Functor1RefHelper< double,double > >(npstat::AbsDistribution1D const &,unsigned int const,unsigned int const,npstat::Functor1RefHelper< double,double >) const\n"
" npstat::LOrPE1D< std::pair< double,double > >::integratedSquaredError< double >(npstat::AbsDistribution1D const &,unsigned int const,unsigned int const,double) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_normalizeDensityEstimate__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
SwigValueWrapper< npstat::Functor1RefHelper< double,double > > arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_normalizeDensityEstimate" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_normalizeDensityEstimate" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePairLOrPE1D_normalizeDensityEstimate" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleDoublePairLOrPE1D_normalizeDensityEstimate" "', argument " "4"" of type '" "npstat::Functor1RefHelper< double,double >""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePairLOrPE1D_normalizeDensityEstimate" "', argument " "4"" of type '" "npstat::Functor1RefHelper< double,double >""'");
} else {
npstat::Functor1RefHelper< double,double > * temp = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp4);
arg4 = *temp;
if (SWIG_IsNewObj(res4)) delete temp;
}
}
{
try {
result = (double)(arg1)->SWIGTEMPLATEDISAMBIGUATOR normalizeDensityEstimate< npstat::Functor1RefHelper< double,double > >(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_normalizeDensityEstimate__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1D< std::pair< double,double > > *arg1 = (npstat::LOrPE1D< std::pair< double,double > > *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePairLOrPE1D_normalizeDensityEstimate" "', argument " "1"" of type '" "npstat::LOrPE1D< std::pair< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1D< std::pair< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePairLOrPE1D_normalizeDensityEstimate" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePairLOrPE1D_normalizeDensityEstimate" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePairLOrPE1D_normalizeDensityEstimate" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)(arg1)->SWIGTEMPLATEDISAMBIGUATOR normalizeDensityEstimate< double >(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePairLOrPE1D_normalizeDensityEstimate(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePairLOrPE1D_normalizeDensityEstimate", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_normalizeDensityEstimate__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePairLOrPE1D_normalizeDensityEstimate__SWIG_2(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePairLOrPE1D_normalizeDensityEstimate'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1D< std::pair< double,double > >::normalizeDensityEstimate< npstat::Functor1RefHelper< double,double > >(unsigned int,unsigned int,npstat::Functor1RefHelper< double,double >)\n"
" npstat::LOrPE1D< std::pair< double,double > >::normalizeDensityEstimate< double >(unsigned int,unsigned int,double)\n");
return 0;
}
SWIGINTERN PyObject *DoubleDoublePairLOrPE1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePairLOrPE1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_Double_LOrPE1DCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_Double_LOrPE1DCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->bindFilterDegree(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
(arg1)->unbindFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_boundFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_boundFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->boundFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_symbetaPower" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (int)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_leftBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_leftBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->leftBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_rightBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_rightBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->rightBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_bh(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BoundaryHandling result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_bh" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->bh();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::BoundaryHandling(static_cast< const npstat::BoundaryHandling& >(result))), SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->localizingWeightXmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->localizingWeighXmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_nIntegIntervals(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_nIntegIntervals" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->nIntegIntervals();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_nIntegPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_nIntegPoints" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->nIntegPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_coords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (std::vector< double,std::allocator< double > > *) &((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->isMemoizingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->isMemoizingNorms();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->isUsingMemoisingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeNorms(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMemoisingKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
(arg1)->clearMemoizedInfo();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_clearKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_clearKernel" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
(arg1)->clearKernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->cvLocalizingWeightFunctor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >(static_cast< const npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_density__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->density(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_density__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_density(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_density", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_density__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_density__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_Double_LOrPE1DCVFunctorHelper_density'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::density(double const,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::density(double const,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->densityFunctor(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->densityFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::densityFunctor(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::densityFunctor(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< double > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->getLOrPE1D(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< double >(static_cast< const npstat::LOrPE1D< double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< double > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->getLOrPE1D(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< double >(static_cast< const npstat::LOrPE1D< double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::getLOrPE1D(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::getLOrPE1D(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->operator ()((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper___call__", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper___call____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper___call____SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_Double_LOrPE1DCVFunctorHelper___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::operator ()(double const &,double const &) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::operator ()(double const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->densityIntegral(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->densityIntegral(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::densityIntegral(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::densityIntegral(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::integratedSquaredError(npstat::AbsDistribution1D const &,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,double >::integratedSquaredError(npstat::AbsDistribution1D const &,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVFunctorHelper_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1DCVFunctorHelper< double,double,double >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_sortedCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_sortedCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->sortedCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,double > const *)arg1)->sortedCoordWeights();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_Double_LOrPE1DCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->bindFilterDegree(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
(arg1)->unbindFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_boundFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_boundFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->boundFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_symbetaPower" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_leftBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_leftBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->leftBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_rightBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_rightBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->rightBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bh(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BoundaryHandling result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bh" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->bh();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::BoundaryHandling(static_cast< const npstat::BoundaryHandling& >(result))), SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->localizingWeightXmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->localizingWeighXmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_nIntegIntervals(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_nIntegIntervals" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->nIntegIntervals();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_nIntegPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_nIntegPoints" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->nIntegPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_coords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *) &((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->isMemoizingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->isMemoizingNorms();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->isUsingMemoisingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeNorms(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMemoisingKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
(arg1)->clearMemoizedInfo();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_clearKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_clearKernel" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
(arg1)->clearKernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->cvLocalizingWeightFunctor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >(static_cast< const npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->density(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::density(double const,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::density(double const,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->densityFunctor(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->densityFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::densityFunctor(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::densityFunctor(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< std::pair< double,double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->getLOrPE1D(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< std::pair< double,double > >(static_cast< const npstat::LOrPE1D< std::pair< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< std::pair< double,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->getLOrPE1D(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< std::pair< double,double > >(static_cast< const npstat::LOrPE1D< std::pair< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::getLOrPE1D(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::getLOrPE1D(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->operator ()((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call__", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call____SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::operator ()(double const &,double const &) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::operator ()(double const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->densityIntegral(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->densityIntegral(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::densityIntegral(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::densityIntegral(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::integratedSquaredError(npstat::AbsDistribution1D const &,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::integratedSquaredError(npstat::AbsDistribution1D const &,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_sortedCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_sortedCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->sortedCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->sortedCoordWeights();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_Double_LOrPE1DCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_Double_LOrPE1DCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->bindFilterDegree(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
(arg1)->unbindFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_boundFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_boundFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->boundFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_symbetaPower" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (int)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_leftBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_leftBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->leftBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_rightBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_rightBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->rightBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bh(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BoundaryHandling result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bh" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->bh();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::BoundaryHandling(static_cast< const npstat::BoundaryHandling& >(result))), SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->localizingWeightXmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->localizingWeighXmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegIntervals(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegIntervals" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->nIntegIntervals();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegPoints" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->nIntegPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_coords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (std::vector< double,std::allocator< double > > *) &((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->isMemoizingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->isMemoizingNorms();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->isUsingMemoisingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeNorms(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMemoisingKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
(arg1)->clearMemoizedInfo();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_clearKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_clearKernel" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
(arg1)->clearKernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->cvLocalizingWeightFunctor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >(static_cast< const npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->density(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::density(double const,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::density(double const,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->densityFunctor(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->densityFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::densityFunctor(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::densityFunctor(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< double > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->getLOrPE1D(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< double >(static_cast< const npstat::LOrPE1D< double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< double > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->getLOrPE1D(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< double >(static_cast< const npstat::LOrPE1D< double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::getLOrPE1D(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::getLOrPE1D(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->operator ()((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call__", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call____SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::operator ()(double const &,double const &) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::operator ()(double const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->densityIntegral(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->densityIntegral(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::densityIntegral(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::densityIntegral(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::integratedSquaredError(npstat::AbsDistribution1D const &,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::integratedSquaredError(npstat::AbsDistribution1D const &,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->sortedCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->sortedCoordWeights();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_Double_LOrPE1DCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->bindFilterDegree(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
(arg1)->unbindFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_boundFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_boundFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->boundFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_symbetaPower" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_leftBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_leftBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->leftBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_rightBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_rightBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->rightBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bh(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BoundaryHandling result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bh" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->bh();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::BoundaryHandling(static_cast< const npstat::BoundaryHandling& >(result))), SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->localizingWeightXmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->localizingWeighXmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegIntervals(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegIntervals" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->nIntegIntervals();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegPoints" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->nIntegPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_coords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *) &((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->isMemoizingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->isMemoizingNorms();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->isUsingMemoisingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeNorms(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMemoisingKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
(arg1)->clearMemoizedInfo();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_clearKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_clearKernel" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
(arg1)->clearKernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->cvLocalizingWeightFunctor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >(static_cast< const npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->density(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::density(double const,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::density(double const,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->densityFunctor(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->densityFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::densityFunctor(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::densityFunctor(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< std::pair< double,double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->getLOrPE1D(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< std::pair< double,double > >(static_cast< const npstat::LOrPE1D< std::pair< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< std::pair< double,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->getLOrPE1D(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< std::pair< double,double > >(static_cast< const npstat::LOrPE1D< std::pair< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::getLOrPE1D(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::getLOrPE1D(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->operator ()((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call__", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call____SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::operator ()(double const &,double const &) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::operator ()(double const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->densityIntegral(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->densityIntegral(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::densityIntegral(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::densityIntegral(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::integratedSquaredError(npstat::AbsDistribution1D const &,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::integratedSquaredError(npstat::AbsDistribution1D const &,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->sortedCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->sortedCoordWeights();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_PyFCN_LOrPE1DCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_PyFCN_LOrPE1DCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->bindFilterDegree(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->unbindFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->boundFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (int)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->leftBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->rightBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bh(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BoundaryHandling result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bh" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->bh();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::BoundaryHandling(static_cast< const npstat::BoundaryHandling& >(result))), SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->localizingWeightXmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->localizingWeighXmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->nIntegIntervals();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->nIntegPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_coords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (std::vector< double,std::allocator< double > > *) &((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->isMemoizingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->isMemoizingNorms();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->isUsingMemoisingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeNorms(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMemoisingKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->clearMemoizedInfo();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_clearKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_clearKernel" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->clearKernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->cvLocalizingWeightFunctor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->density(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::density(double const,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::density(double const,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityFunctor(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::densityFunctor(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::densityFunctor(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< double > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->getLOrPE1D(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< double >(static_cast< const npstat::LOrPE1D< double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< double > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->getLOrPE1D(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< double >(static_cast< const npstat::LOrPE1D< double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::getLOrPE1D(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::getLOrPE1D(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call__", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::operator ()(double const &,double const &) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::operator ()(double const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityIntegral(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityIntegral(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::densityIntegral(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::densityIntegral(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::integratedSquaredError(npstat::AbsDistribution1D const &,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::integratedSquaredError(npstat::AbsDistribution1D const &,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->sortedCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->sortedCoordWeights();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_PyFCN_LOrPE1DCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->bindFilterDegree(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->unbindFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->boundFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->leftBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->rightBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bh(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BoundaryHandling result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bh" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->bh();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::BoundaryHandling(static_cast< const npstat::BoundaryHandling& >(result))), SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->localizingWeightXmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->localizingWeighXmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->nIntegIntervals();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->nIntegPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_coords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *) &((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->isMemoizingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->isMemoizingNorms();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->isUsingMemoisingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeNorms(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMemoisingKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->clearMemoizedInfo();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_clearKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_clearKernel" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->clearKernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->cvLocalizingWeightFunctor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->density(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::density(double const,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::density(double const,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityFunctor(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::densityFunctor(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::densityFunctor(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< std::pair< double,double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->getLOrPE1D(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< std::pair< double,double > >(static_cast< const npstat::LOrPE1D< std::pair< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< std::pair< double,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->getLOrPE1D(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< std::pair< double,double > >(static_cast< const npstat::LOrPE1D< std::pair< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::getLOrPE1D(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::getLOrPE1D(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call__", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::operator ()(double const &,double const &) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::operator ()(double const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityIntegral(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityIntegral(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::densityIntegral(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::densityIntegral(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::integratedSquaredError(npstat::AbsDistribution1D const &,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::integratedSquaredError(npstat::AbsDistribution1D const &,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->sortedCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->sortedCoordWeights();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->bindFilterDegree(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->unbindFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->boundFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (int)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->leftBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->rightBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bh(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BoundaryHandling result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bh" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->bh();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::BoundaryHandling(static_cast< const npstat::BoundaryHandling& >(result))), SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->localizingWeightXmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->localizingWeighXmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->nIntegIntervals();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->nIntegPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_coords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (std::vector< double,std::allocator< double > > *) &((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->isMemoizingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->isMemoizingNorms();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->isUsingMemoisingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeNorms(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMemoisingKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->clearMemoizedInfo();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearKernel" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->clearKernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->cvLocalizingWeightFunctor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->density(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::density(double const,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::density(double const,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityFunctor(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::densityFunctor(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::densityFunctor(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< double > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->getLOrPE1D(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< double >(static_cast< const npstat::LOrPE1D< double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< double > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->getLOrPE1D(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< double >(static_cast< const npstat::LOrPE1D< double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::getLOrPE1D(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::getLOrPE1D(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::operator ()(double const &,double const &) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::operator ()(double const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityIntegral(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityIntegral(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::densityIntegral(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::densityIntegral(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::integratedSquaredError(npstat::AbsDistribution1D const &,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::integratedSquaredError(npstat::AbsDistribution1D const &,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->sortedCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->sortedCoordWeights();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->bindFilterDegree(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->unbindFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->boundFilterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->symbetaPower();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->leftBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->rightBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bh(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BoundaryHandling result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bh" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->bh();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::BoundaryHandling(static_cast< const npstat::BoundaryHandling& >(result))), SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->localizingWeightXmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->localizingWeighXmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->nIntegIntervals();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->nIntegPoints();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->normalizingLOrPEEstimate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_coords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *) &((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (unsigned long)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::pair< double,double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::pair< double,double > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->totalSampleWeight();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->effectiveSampleSize();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->isMemoizingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->isMemoizingNorms();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (bool)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->isUsingMemoisingKernels();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->memoizeNorms(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
bool arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
{
try {
(arg1)->useMemoisingKernels(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->clearMemoizedInfo();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearKernel" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
(arg1)->clearKernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->pointCoordinate(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->pointWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->bandwidthCurve(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->cvLocalizingWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->cvLocalizingWeightFunctor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->density(arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::density(double const,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::density(double const,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityFunctor(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >(static_cast< const npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::densityFunctor(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::densityFunctor(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< std::pair< double,double > > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->getLOrPE1D(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< std::pair< double,double > >(static_cast< const npstat::LOrPE1D< std::pair< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
SwigValueWrapper< npstat::LOrPE1D< std::pair< double,double > > > result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->getLOrPE1D(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1D< std::pair< double,double > >(static_cast< const npstat::LOrPE1D< std::pair< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DT_std__pairT_double_double_t_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::getLOrPE1D(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::getLOrPE1D(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
double *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double temp3 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "3"" of type '" "double""'");
}
temp3 = static_cast< double >(val3);
arg3 = &temp3;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2,(double const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call____SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::operator ()(double const &,double const &) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::operator ()(double const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityIntegral(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->densityIntegral(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::densityIntegral(double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::densityIntegral(double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::integratedSquaredError(npstat::AbsDistribution1D const &,double const,double const) const\n"
" npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::integratedSquaredError(npstat::AbsDistribution1D const &,double const) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable", 0, 0, 0)) SWIG_fail;
{
try {
result = (bool)npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::SWIGTEMPLATEDISAMBIGUATOR cvCapable();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->sortedCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = ((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->sortedCoordWeights();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_Double_LOrPE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DLSCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_Double_LOrPE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< double,double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_Double_LOrPE1DLSCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_Double_LOrPE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_Double_LOrPE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_Double_LOrPE1DLSCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_Double_LOrPE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_Double_LOrPE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_Double_LOrPE1DLSCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_Double_LOrPE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_Double_LOrPE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_Double_LOrPE1DLSCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_PyFCN_LOrPE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DLSCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_PyFCN_LOrPE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_PyFCN_LOrPE1DLSCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_PyFCN_LOrPE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_PyFCN_LOrPE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_PyFCN_LOrPE1DLSCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_new_Double_Double_Double_LOrPE1DRLCVFunctorHelper__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *result = 0 ;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *)new npstat::LOrPE1DRLCVFunctorHelper< double,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Double_Double_Double_LOrPE1DRLCVFunctorHelper__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *result = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *)new npstat::LOrPE1DRLCVFunctorHelper< double,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Double_Double_Double_LOrPE1DRLCVFunctorHelper(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[14] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Double_Double_Double_LOrPE1DRLCVFunctorHelper", 0, 13, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Double_Double_Double_LOrPE1DRLCVFunctorHelper__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Double_Double_Double_LOrPE1DRLCVFunctorHelper__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Double_Double_Double_LOrPE1DRLCVFunctorHelper'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DRLCVFunctorHelper< double,double,double >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctorHelper< double,double,double >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_Double_LOrPE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setRlcvAlpha(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DRLCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DRLCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DRLCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DRLCVFunctorHelper< double,double,double > const *)arg1)->rlcvAlpha();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_Double_LOrPE1DRLCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_Double_Double_LOrPE1DRLCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *result = 0 ;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *)new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *result = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *)new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[14] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper", 0, 13, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setRlcvAlpha(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > const *)arg1)->rlcvAlpha();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *result = 0 ;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *)new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *result = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *)new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[14] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper", 0, 13, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setRlcvAlpha(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->rlcvAlpha();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *result = 0 ;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *)new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *result = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *)new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[14] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper", 0, 13, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setRlcvAlpha(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const *)arg1)->rlcvAlpha();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[14] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper", 0, 13, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setRlcvAlpha(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->rlcvAlpha();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[14] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper", 0, 13, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setRlcvAlpha(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const *)arg1)->rlcvAlpha();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[14] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper", 0, 13, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setRlcvAlpha(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->rlcvAlpha();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *result = 0 ;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *)new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[14] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper", 0, 13, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >::LOrPE1DRLCVFunctorHelper(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setRlcvAlpha(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = (npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (double)((npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const *)arg1)->rlcvAlpha();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_Double_Double_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_Double_Double_Double_LOrPE1DCVDensityFunctor", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Double_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *)new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >((npstat::LOrPE1DCVFunctorHelper< double,double,double > const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_Double_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVDensityFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVDensityFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVDensityFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVDensityFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_Double_LOrPE1DCVDensityFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_Double_Double_LOrPE1DCVDensityFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *)new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_Double_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_Double_PyFCN_Double_LOrPE1DCVDensityFunctor", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Double_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *)new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_Double_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVDensityFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVDensityFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVDensityFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVDensityFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_Double_LOrPE1DCVDensityFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_PyFCN_Double_LOrPE1DCVDensityFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *)new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_Double_PyFCN_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_Double_Double_PyFCN_LOrPE1DCVDensityFunctor", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Double_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *)new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_PyFCN_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVDensityFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVDensityFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVDensityFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVDensityFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_PyFCN_LOrPE1DCVDensityFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_Double_PyFCN_LOrPE1DCVDensityFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *)new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *)new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *)new npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVDensityFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,double > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,double > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,double > * >(argp1);
{
try {
result = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *)new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >((npstat::LOrPE1DCVFunctorHelper< double,double,double > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
{
try {
result = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *)new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *)new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
{
try {
result = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *)new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *)new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >((npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *)new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *)new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >((npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
{
try {
result = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *)new npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >((npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *arg1 = (npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "1"" of type '" "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
result = (double)((npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > const *)arg1)->operator ()((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPE1DCVLocalizingWeightFunctorT_npstat__LOrPE1DCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_LOrPE1DLSCVFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< double,double,double > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DLSCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DLSCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DLSCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DLSCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DLSCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DLSCVFunctor< double,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< double,double,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< double,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DLSCVFunctor__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DLSCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DLSCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DLSCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DLSCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DLSCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DLSCVFunctor< double,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DLSCVFunctor__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DLSCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DLSCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DLSCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DLSCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DLSCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DLSCVFunctor< double,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DLSCVFunctor__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DLSCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DLSCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DLSCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DLSCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DLSCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DLSCVFunctor< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DLSCVFunctor__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DLSCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DLSCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DLSCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DLSCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DLSCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DLSCVFunctor< std::pair< double,double >,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DLSCVFunctor__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DLSCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DLSCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DLSCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DLSCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DLSCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DLSCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DLSCVFunctor__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DLSCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DLSCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DLSCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DLSCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DLSCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DLSCVFunctor< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DLSCVFunctor__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DLSCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DLSCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DLSCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DLSCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DLSCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DLSCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DLSCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DLSCVFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[13] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LOrPE1DLSCVFunctor", 0, 12, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DLSCVFunctor__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DLSCVFunctor__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DLSCVFunctor__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DLSCVFunctor__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DLSCVFunctor__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DLSCVFunctor__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DLSCVFunctor__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DLSCVFunctor__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LOrPE1DLSCVFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DLSCVFunctor< double,double,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DLSCVFunctor< double,npstat::Functor1RefHelper< double,double >,double >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DLSCVFunctor< double,double,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DLSCVFunctor< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DLSCVFunctor< std::pair< double,double >,double,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n"
" npstat::LOrPE1DLSCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n"
" npstat::LOrPE1DLSCVFunctor< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n"
" npstat::LOrPE1DLSCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobLSCVFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< double,std::allocator< double > > *arg9 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< double,double,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg9 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobLSCVFunctor< double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,arg6,arg7,arg8,(std::vector< double,std::allocator< double > > const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< double,double,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< double,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobLSCVFunctor__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< double,std::allocator< double > > *arg9 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg9 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobLSCVFunctor< double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,arg6,arg7,arg8,(std::vector< double,std::allocator< double > > const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobLSCVFunctor__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg9 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg9 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobLSCVFunctor< std::pair< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,arg6,arg7,arg8,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobLSCVFunctor__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg9 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobLSCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg9 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobLSCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,arg6,arg7,arg8,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobLSCVFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[10] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LOrPE1DGlobLSCVFunctor", 0, 9, argv))) SWIG_fail;
--argc;
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DGlobLSCVFunctor__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DGlobLSCVFunctor__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DGlobLSCVFunctor__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DGlobLSCVFunctor__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LOrPE1DGlobLSCVFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DGlobLSCVFunctor< double,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DGlobLSCVFunctor< double,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DGlobLSCVFunctor< std::pair< double,double >,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n"
" npstat::LOrPE1DGlobLSCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSimpleLSCVFunctor__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
unsigned int arg5 ;
unsigned int arg6 ;
bool arg7 ;
std::vector< double,std::allocator< double > > *arg8 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
bool val7 ;
int ecode7 = 0 ;
int res8 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< double,double,double > > result;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_bool(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res8 = swig::asptr(swig_obj[7], &ptr);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "8"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "8"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg8 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DSimpleLSCVFunctor< double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,arg5,arg6,arg7,(std::vector< double,std::allocator< double > > const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< double,double,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< double,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_double_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res8)) delete arg8;
return resultobj;
fail:
if (SWIG_IsNewObj(res8)) delete arg8;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSimpleLSCVFunctor__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
unsigned int arg5 ;
unsigned int arg6 ;
bool arg7 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg8 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
bool val7 ;
int ecode7 = 0 ;
int res8 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > > result;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_bool(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res8 = swig::asptr(swig_obj[7], &ptr);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "8"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleLSCVFunctor" "', argument " "8"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg8 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DSimpleLSCVFunctor< std::pair< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,arg5,arg6,arg7,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >(static_cast< const npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res8)) delete arg8;
return resultobj;
fail:
if (SWIG_IsNewObj(res8)) delete arg8;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSimpleLSCVFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[9] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LOrPE1DSimpleLSCVFunctor", 0, 8, argv))) SWIG_fail;
--argc;
if (argc == 8) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[7], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DSimpleLSCVFunctor__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[7], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DSimpleLSCVFunctor__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LOrPE1DSimpleLSCVFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DSimpleLSCVFunctor< double >(int const,double const,double const,npstat::BoundaryHandling const &,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DSimpleLSCVFunctor< std::pair< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > > result;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "LOrPE1DRLCVFunctor" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< double,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< double,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "LOrPE1DRLCVFunctor" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< double,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< double,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "LOrPE1DRLCVFunctor" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< double,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< double,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "LOrPE1DRLCVFunctor" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< double,std::allocator< double > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< double,std::allocator< double > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > > result;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "LOrPE1DRLCVFunctor" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< std::pair< double,double >,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_11(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< std::pair< double,double >,double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_12(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "LOrPE1DRLCVFunctor" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_13(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
double *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double temp6 ;
double val6 ;
int ecode6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "double""'");
}
temp6 = static_cast< double >(val6);
arg6 = &temp6;
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(double const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_14(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "LOrPE1DRLCVFunctor" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_15(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_16(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
double arg13 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
double val13 ;
int ecode13 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 13) || (nobjs > 13)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
ecode13 = SWIG_AsVal_double(swig_obj[12], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "LOrPE1DRLCVFunctor" "', argument " "13"" of type '" "double""'");
}
arg13 = static_cast< double >(val13);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor__SWIG_17(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
npstat::Functor1RefHelper< double,double > *arg6 = 0 ;
double arg7 ;
double arg8 ;
unsigned int arg9 ;
unsigned int arg10 ;
bool arg11 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg12 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
void *argp6 = 0 ;
int res6 = 0 ;
double val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
bool val11 ;
int ecode11 = 0 ;
int res12 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > > result;
if ((nobjs < 12) || (nobjs > 12)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
res6 = SWIG_ConvertPtr(swig_obj[5], &argp6, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res6)) {
SWIG_exception_fail(SWIG_ArgError(res6), "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp6) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "6"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg6 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp6);
ecode7 = SWIG_AsVal_double(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DRLCVFunctor" "', argument " "7"" of type '" "double""'");
}
arg7 = static_cast< double >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DRLCVFunctor" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DRLCVFunctor" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DRLCVFunctor" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
ecode11 = SWIG_AsVal_bool(swig_obj[10], &val11);
if (!SWIG_IsOK(ecode11)) {
SWIG_exception_fail(SWIG_ArgError(ecode11), "in method '" "LOrPE1DRLCVFunctor" "', argument " "11"" of type '" "bool""'");
}
arg11 = static_cast< bool >(val11);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res12 = swig::asptr(swig_obj[11], &ptr);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DRLCVFunctor" "', argument " "12"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg12 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,(npstat::Functor1RefHelper< double,double > const &)*arg6,arg7,arg8,arg9,arg10,arg11,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res12)) delete arg12;
return resultobj;
fail:
if (SWIG_IsNewObj(res12)) delete arg12;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DRLCVFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[14] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LOrPE1DRLCVFunctor", 0, 13, argv))) SWIG_fail;
--argc;
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_17(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_13(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_15(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_11(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 12) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_16(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_12(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[5], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_14(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 13) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[11], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[12], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DRLCVFunctor__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LOrPE1DRLCVFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DRLCVFunctor< double,double,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctor< double,double,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DRLCVFunctor< double,npstat::Functor1RefHelper< double,double >,double >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctor< double,npstat::Functor1RefHelper< double,double >,double >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DRLCVFunctor< double,double,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctor< double,double,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DRLCVFunctor< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctor< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DRLCVFunctor< std::pair< double,double >,double,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctor< std::pair< double,double >,double,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n"
" npstat::LOrPE1DRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,double const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n"
" npstat::LOrPE1DRLCVFunctor< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctor< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n"
" npstat::LOrPE1DRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,npstat::Functor1RefHelper< double,double > const &,double const,double const,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobRLCVFunctor__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< double,std::allocator< double > > *arg9 = 0 ;
double arg10 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
double val10 ;
int ecode10 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > > result;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg9 = ptr;
}
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobRLCVFunctor< double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,arg6,arg7,arg8,(std::vector< double,std::allocator< double > > const &)*arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobRLCVFunctor__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< double,std::allocator< double > > *arg9 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg9 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobRLCVFunctor< double,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,arg6,arg7,arg8,(std::vector< double,std::allocator< double > > const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobRLCVFunctor__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< double,std::allocator< double > > *arg9 = 0 ;
double arg10 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
double val10 ;
int ecode10 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg9 = ptr;
}
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobRLCVFunctor< double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,arg6,arg7,arg8,(std::vector< double,std::allocator< double > > const &)*arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobRLCVFunctor__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< double,std::allocator< double > > *arg9 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg9 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobRLCVFunctor< double,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,arg6,arg7,arg8,(std::vector< double,std::allocator< double > > const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobRLCVFunctor__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg9 = 0 ;
double arg10 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
double val10 ;
int ecode10 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > > result;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg9 = ptr;
}
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobRLCVFunctor< std::pair< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,arg6,arg7,arg8,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobRLCVFunctor__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
double *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg9 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double temp5 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "double""'");
}
temp5 = static_cast< double >(val5);
arg5 = &temp5;
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg9 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobRLCVFunctor< std::pair< double,double >,double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(double const &)*arg5,arg6,arg7,arg8,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobRLCVFunctor__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg9 = 0 ;
double arg10 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
double val10 ;
int ecode10 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg9 = ptr;
}
ecode10 = SWIG_AsVal_double(swig_obj[9], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "10"" of type '" "double""'");
}
arg10 = static_cast< double >(val10);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,arg6,arg7,arg8,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobRLCVFunctor__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
npstat::Functor1RefHelper< double,double > *arg5 = 0 ;
unsigned int arg6 ;
unsigned int arg7 ;
bool arg8 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg9 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
unsigned int val7 ;
int ecode7 = 0 ;
bool val8 ;
int ecode8 = 0 ;
int res9 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "5"" of type '" "npstat::Functor1RefHelper< double,double > const &""'");
}
arg5 = reinterpret_cast< npstat::Functor1RefHelper< double,double > * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_unsigned_SS_int(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "7"" of type '" "unsigned int""'");
}
arg7 = static_cast< unsigned int >(val7);
ecode8 = SWIG_AsVal_bool(swig_obj[7], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res9 = swig::asptr(swig_obj[8], &ptr);
if (!SWIG_IsOK(res9)) {
SWIG_exception_fail(SWIG_ArgError(res9), "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DGlobRLCVFunctor" "', argument " "9"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg9 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DGlobRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,(npstat::Functor1RefHelper< double,double > const &)*arg5,arg6,arg7,arg8,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res9)) delete arg9;
return resultobj;
fail:
if (SWIG_IsNewObj(res9)) delete arg9;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DGlobRLCVFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[11] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LOrPE1DGlobRLCVFunctor", 0, 10, argv))) SWIG_fail;
--argc;
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DGlobRLCVFunctor__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DGlobRLCVFunctor__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DGlobRLCVFunctor__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DGlobRLCVFunctor__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DGlobRLCVFunctor__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__Functor1RefHelperT_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DGlobRLCVFunctor__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DGlobRLCVFunctor__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[8], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DGlobRLCVFunctor__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LOrPE1DGlobRLCVFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DGlobRLCVFunctor< double,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DGlobRLCVFunctor< double,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DGlobRLCVFunctor< double,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DGlobRLCVFunctor< double,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DGlobRLCVFunctor< std::pair< double,double >,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DGlobRLCVFunctor< std::pair< double,double >,double >(int const,double const,double const,npstat::BoundaryHandling const &,double const &,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n"
" npstat::LOrPE1DGlobRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DGlobRLCVFunctor< std::pair< double,double >,npstat::Functor1RefHelper< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,npstat::Functor1RefHelper< double,double > const &,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSimpleRLCVFunctor__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
unsigned int arg5 ;
unsigned int arg6 ;
bool arg7 ;
std::vector< double,std::allocator< double > > *arg8 = 0 ;
double arg9 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
bool val7 ;
int ecode7 = 0 ;
int res8 = SWIG_OLDOBJ ;
double val9 ;
int ecode9 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_bool(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res8 = swig::asptr(swig_obj[7], &ptr);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "8"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "8"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg8 = ptr;
}
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DSimpleRLCVFunctor< double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,arg5,arg6,arg7,(std::vector< double,std::allocator< double > > const &)*arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res8)) delete arg8;
return resultobj;
fail:
if (SWIG_IsNewObj(res8)) delete arg8;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSimpleRLCVFunctor__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
unsigned int arg5 ;
unsigned int arg6 ;
bool arg7 ;
std::vector< double,std::allocator< double > > *arg8 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
bool val7 ;
int ecode7 = 0 ;
int res8 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< double,double,double > > result;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_bool(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res8 = swig::asptr(swig_obj[7], &ptr);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "8"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "8"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg8 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DSimpleRLCVFunctor< double >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,arg5,arg6,arg7,(std::vector< double,std::allocator< double > > const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< double,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< double,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_double_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res8)) delete arg8;
return resultobj;
fail:
if (SWIG_IsNewObj(res8)) delete arg8;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSimpleRLCVFunctor__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
unsigned int arg5 ;
unsigned int arg6 ;
bool arg7 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg8 = 0 ;
double arg9 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
bool val7 ;
int ecode7 = 0 ;
int res8 = SWIG_OLDOBJ ;
double val9 ;
int ecode9 = 0 ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_bool(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res8 = swig::asptr(swig_obj[7], &ptr);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "8"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "8"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg8 = ptr;
}
ecode9 = SWIG_AsVal_double(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "9"" of type '" "double""'");
}
arg9 = static_cast< double >(val9);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DSimpleRLCVFunctor< std::pair< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,arg5,arg6,arg7,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res8)) delete arg8;
return resultobj;
fail:
if (SWIG_IsNewObj(res8)) delete arg8;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSimpleRLCVFunctor__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
npstat::BoundaryHandling *arg4 = 0 ;
unsigned int arg5 ;
unsigned int arg6 ;
bool arg7 ;
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *arg8 = 0 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
bool val7 ;
int ecode7 = 0 ;
int res8 = SWIG_OLDOBJ ;
SwigValueWrapper< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > > result;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "4"" of type '" "npstat::BoundaryHandling const &""'");
}
arg4 = reinterpret_cast< npstat::BoundaryHandling * >(argp4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
ecode7 = SWIG_AsVal_bool(swig_obj[6], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *ptr = (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *)0;
res8 = swig::asptr(swig_obj[7], &ptr);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "8"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPE1DSimpleRLCVFunctor" "', argument " "8"" of type '" "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &""'");
}
arg8 = ptr;
}
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR LOrPE1DSimpleRLCVFunctor< std::pair< double,double > >(arg1,arg2,arg3,(npstat::BoundaryHandling const &)*arg4,arg5,arg6,arg7,(std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >(static_cast< const npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >& >(result))), SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res8)) delete arg8;
return resultobj;
fail:
if (SWIG_IsNewObj(res8)) delete arg8;
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPE1DSimpleRLCVFunctor(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[10] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LOrPE1DSimpleRLCVFunctor", 0, 9, argv))) SWIG_fail;
--argc;
if (argc == 8) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[7], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DSimpleRLCVFunctor__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 8) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[7], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LOrPE1DSimpleRLCVFunctor__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[7], (std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DSimpleRLCVFunctor__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = swig::asptr(argv[7], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LOrPE1DSimpleRLCVFunctor__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LOrPE1DSimpleRLCVFunctor'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LOrPE1DSimpleRLCVFunctor< double >(int const,double const,double const,npstat::BoundaryHandling const &,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &,double const)\n"
" npstat::LOrPE1DSimpleRLCVFunctor< double >(int const,double const,double const,npstat::BoundaryHandling const &,unsigned int const,unsigned int const,bool const,std::vector< double,std::allocator< double > > const &)\n"
" npstat::LOrPE1DSimpleRLCVFunctor< std::pair< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &,double const)\n"
" npstat::LOrPE1DSimpleRLCVFunctor< std::pair< double,double > >(int const,double const,double const,npstat::BoundaryHandling const &,unsigned int const,unsigned int const,bool const,std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_LOrPEWeightsResult(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double arg1 ;
bool arg2 ;
unsigned int arg3 ;
npstat::LOrPE1DCVResult *arg4 = 0 ;
double val1 ;
int ecode1 = 0 ;
bool val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
PyObject *swig_obj[4] ;
npstat::LOrPEWeightsResult *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LOrPEWeightsResult", 4, 4, swig_obj)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_LOrPEWeightsResult" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_bool(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_LOrPEWeightsResult" "', argument " "2"" of type '" "bool""'");
}
arg2 = static_cast< bool >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_LOrPEWeightsResult" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__LOrPE1DCVResult, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "new_LOrPEWeightsResult" "', argument " "4"" of type '" "npstat::LOrPE1DCVResult const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LOrPEWeightsResult" "', argument " "4"" of type '" "npstat::LOrPE1DCVResult const &""'");
}
arg4 = reinterpret_cast< npstat::LOrPE1DCVResult * >(argp4);
{
try {
result = (npstat::LOrPEWeightsResult *)new npstat::LOrPEWeightsResult(arg1,arg2,arg3,(npstat::LOrPE1DCVResult const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsResult_filterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsResult_filterDegree" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
{
try {
result = (double)((npstat::LOrPEWeightsResult const *)arg1)->filterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsResult_bwFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsResult_bwFactor" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
{
try {
result = (double)((npstat::LOrPEWeightsResult const *)arg1)->bwFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsResult_cvFunction(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsResult_cvFunction" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
{
try {
result = (double)((npstat::LOrPEWeightsResult const *)arg1)->cvFunction();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsResult_isOnDegreeBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsResult_isOnDegreeBoundary" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
{
try {
result = (bool)((npstat::LOrPEWeightsResult const *)arg1)->isOnDegreeBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsResult_isOnBandwidthBoundary(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsResult_isOnBandwidthBoundary" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
{
try {
result = (bool)((npstat::LOrPEWeightsResult const *)arg1)->isOnBandwidthBoundary();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsResult_alpha(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsResult_alpha" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
{
try {
result = (double)((npstat::LOrPEWeightsResult const *)arg1)->alpha();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsResult_nIterations(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsResult_nIterations" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
{
try {
result = (unsigned int)((npstat::LOrPEWeightsResult const *)arg1)->nIterations();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsResult_converged(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
bool result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsResult_converged" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
{
try {
result = (bool)((npstat::LOrPEWeightsResult const *)arg1)->converged();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LOrPEWeightsResult__print(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "LOrPEWeightsResult__print", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LOrPEWeightsResult__print" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult const *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LOrPEWeightsResult__print" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LOrPEWeightsResult__print" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
((npstat::LOrPEWeightsResult const *)arg1)->print(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LOrPEWeightsResult(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LOrPEWeightsResult *arg1 = (npstat::LOrPEWeightsResult *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LOrPEWeightsResult" "', argument " "1"" of type '" "npstat::LOrPEWeightsResult *""'");
}
arg1 = reinterpret_cast< npstat::LOrPEWeightsResult * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LOrPEWeightsResult_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LOrPEWeightsResult_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_11(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_12(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_13(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_14(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_15(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_16(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVRunner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVRunner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVRunner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVRunner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_17(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_18(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_19(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_20(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_21(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_22(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_23(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_24(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DVariableDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DVariableDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DVariableDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DVariableDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_25(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVScanner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVScanner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_26(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVScanner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVScanner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_27(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVScanner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVScanner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_28(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVScanner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVScanner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_29(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVScanner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVScanner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_30(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVScanner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVScanner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_31(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVScanner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVScanner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_32(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVScanner *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVScanner const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVScanner * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVScanner const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_33(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_34(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_35(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_36(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_37(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_38(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_39(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights__SWIG_40(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > *arg1 = 0 ;
npstat::LOrPE1DFixedDegreeCVPicker *arg2 = 0 ;
npstat::AbsDistribution1D *arg3 = 0 ;
double arg4 ;
npstat::LOrPEWeightsLocalConvergence *arg5 = 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
double val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
SwigValueWrapper< npstat::LOrPEWeightsResult > result;
if ((nobjs < 6) || (nobjs > 6)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "1"" of type '" "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &""'");
}
arg1 = reinterpret_cast< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "2"" of type '" "npstat::LOrPE1DFixedDegreeCVPicker const &""'");
}
arg2 = reinterpret_cast< npstat::LOrPE1DFixedDegreeCVPicker * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "3"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistribution1D * >(argp3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "solveForLOrPEWeights" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "solveForLOrPEWeights" "', argument " "5"" of type '" "npstat::LOrPEWeightsLocalConvergence const &""'");
}
arg5 = reinterpret_cast< npstat::LOrPEWeightsLocalConvergence * >(argp5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "solveForLOrPEWeights" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = npstat::SWIGTEMPLATEDISAMBIGUATOR solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(*arg1,(npstat::LOrPE1DFixedDegreeCVPicker const &)*arg2,(npstat::AbsDistribution1D const &)*arg3,arg4,(npstat::LOrPEWeightsLocalConvergence const &)*arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::LOrPEWeightsResult(static_cast< const npstat::LOrPEWeightsResult& >(result))), SWIGTYPE_p_npstat__LOrPEWeightsResult, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_solveForLOrPEWeights(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[7] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "solveForLOrPEWeights", 0, 6, argv))) SWIG_fail;
--argc;
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_5(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_6(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_7(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_8(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_9(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_10(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_11(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_12(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_13(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_14(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_15(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVRunner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_16(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_17(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_18(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_19(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_20(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_21(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_22(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_23(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DVariableDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_24(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_25(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_26(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_27(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_28(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_29(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_30(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_31(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVScanner, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_32(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_33(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_34(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_35(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DLSCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_36(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_37(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_double_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_38(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_double_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_39(self, argc, argv);
}
}
}
}
}
}
}
if (argc == 6) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LOrPE1DRLCVFunctorHelperT_std__pairT_double_double_t_npstat__Functor1RefHelperT_double_double_t_npstat__Functor1RefHelperT_double_double_t_t, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__LOrPE1DFixedDegreeCVPicker, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__LOrPEWeightsLocalConvergence, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_solveForLOrPEWeights__SWIG_40(self, argc, argv);
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'solveForLOrPEWeights'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DFixedDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DFixedDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DFixedDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DFixedDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DVariableDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DVariableDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DVariableDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DVariableDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DVariableDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DVariableDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DVariableDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVRunner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DVariableDegreeCVRunner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DVariableDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DVariableDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DVariableDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DVariableDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DVariableDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DVariableDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DVariableDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DVariableDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DVariableDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DFixedDegreeCVScanner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DFixedDegreeCVScanner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVScanner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVScanner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DFixedDegreeCVScanner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DFixedDegreeCVScanner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVScanner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVScanner,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVScanner const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DFixedDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DFixedDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double > &,npstat::LOrPE1DFixedDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > &,npstat::LOrPE1DFixedDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n"
" npstat::solveForLOrPEWeights< npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >,npstat::LOrPE1DFixedDegreeCVPicker,npstat::LOrPEWeightsLocalConvergence >(npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > &,npstat::LOrPE1DFixedDegreeCVPicker const &,npstat::AbsDistribution1D const &,double const,npstat::LOrPEWeightsLocalConvergence const &,unsigned int const)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_convertToHistoAxis__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::UniformAxis *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::HistoAxis result;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__UniformAxis, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "convertToHistoAxis" "', argument " "1"" of type '" "npstat::UniformAxis const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "convertToHistoAxis" "', argument " "1"" of type '" "npstat::UniformAxis const &""'");
}
arg1 = reinterpret_cast< npstat::UniformAxis * >(argp1);
{
try {
result = npstat::convertToHistoAxis((npstat::UniformAxis const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::HistoAxis(static_cast< const npstat::HistoAxis& >(result))), SWIGTYPE_p_npstat__HistoAxis, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_convertToGridAxis__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoAxis *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::UniformAxis result;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoAxis, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "convertToGridAxis" "', argument " "1"" of type '" "npstat::HistoAxis const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "convertToGridAxis" "', argument " "1"" of type '" "npstat::HistoAxis const &""'");
}
arg1 = reinterpret_cast< npstat::HistoAxis * >(argp1);
{
try {
result = npstat::convertToGridAxis((npstat::HistoAxis const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::UniformAxis(static_cast< const npstat::UniformAxis& >(result))), SWIGTYPE_p_npstat__UniformAxis, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_convertToGridAxis__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::NUHistoAxis *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::GridAxis result;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__NUHistoAxis, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "convertToGridAxis" "', argument " "1"" of type '" "npstat::NUHistoAxis const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "convertToGridAxis" "', argument " "1"" of type '" "npstat::NUHistoAxis const &""'");
}
arg1 = reinterpret_cast< npstat::NUHistoAxis * >(argp1);
{
try {
result = npstat::convertToGridAxis((npstat::NUHistoAxis const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::GridAxis(static_cast< const npstat::GridAxis& >(result))), SWIGTYPE_p_npstat__GridAxis, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_convertToHistoAxis__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::GridAxis *arg1 = 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
npstat::NUHistoAxis result;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__GridAxis, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "convertToHistoAxis" "', argument " "1"" of type '" "npstat::GridAxis const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "convertToHistoAxis" "', argument " "1"" of type '" "npstat::GridAxis const &""'");
}
arg1 = reinterpret_cast< npstat::GridAxis * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "convertToHistoAxis" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = npstat::convertToHistoAxis((npstat::GridAxis const &)*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::NUHistoAxis(static_cast< const npstat::NUHistoAxis& >(result))), SWIGTYPE_p_npstat__NUHistoAxis, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_convertToHistoAxis(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "convertToHistoAxis", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__UniformAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_convertToHistoAxis__SWIG_0(self, argc, argv);
}
}
if (argc == 2) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__GridAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_convertToHistoAxis__SWIG_1(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'convertToHistoAxis'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::convertToHistoAxis(npstat::UniformAxis const &)\n"
" npstat::convertToHistoAxis(npstat::GridAxis const &,double)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_convertToGridAxis__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::DualHistoAxis *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::DualAxis result;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__DualHistoAxis, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "convertToGridAxis" "', argument " "1"" of type '" "npstat::DualHistoAxis const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "convertToGridAxis" "', argument " "1"" of type '" "npstat::DualHistoAxis const &""'");
}
arg1 = reinterpret_cast< npstat::DualHistoAxis * >(argp1);
{
try {
result = npstat::convertToGridAxis((npstat::DualHistoAxis const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::DualAxis(static_cast< const npstat::DualAxis& >(result))), SWIGTYPE_p_npstat__DualAxis, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_convertToGridAxis(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "convertToGridAxis", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_convertToGridAxis__SWIG_0(self, argc, argv);
}
}
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__NUHistoAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_convertToGridAxis__SWIG_1(self, argc, argv);
}
}
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__DualHistoAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_convertToGridAxis__SWIG_2(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'convertToGridAxis'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::convertToGridAxis(npstat::HistoAxis const &)\n"
" npstat::convertToGridAxis(npstat::NUHistoAxis const &)\n"
" npstat::convertToGridAxis(npstat::DualHistoAxis const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_scannedKSDistance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "scannedKSDistance", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "scannedKSDistance" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "scannedKSDistance" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "scannedKSDistance" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "scannedKSDistance" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "scannedKSDistance" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)npstat::scannedKSDistance((npstat::AbsDistribution1D const &)*arg1,(npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_gaussianResponseMatrix__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
unsigned int arg3 ;
double arg4 ;
double arg5 ;
unsigned int arg6 ;
npstat::Functor1< double,double > *arg7 = 0 ;
npstat::Functor1< double,double > *arg8 = 0 ;
unsigned int arg9 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
void *argp7 = 0 ;
int res7 = 0 ;
void *argp8 = 0 ;
int res8 = 0 ;
unsigned int val9 ;
int ecode9 = 0 ;
npstat::Matrix< double,16U > result;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "gaussianResponseMatrix" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "gaussianResponseMatrix" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "gaussianResponseMatrix" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "gaussianResponseMatrix" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "gaussianResponseMatrix" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "gaussianResponseMatrix" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
res7 = SWIG_ConvertPtr(swig_obj[6], &argp7, SWIGTYPE_p_npstat__Functor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res7)) {
SWIG_exception_fail(SWIG_ArgError(res7), "in method '" "gaussianResponseMatrix" "', argument " "7"" of type '" "npstat::Functor1< double,double > const &""'");
}
if (!argp7) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "7"" of type '" "npstat::Functor1< double,double > const &""'");
}
arg7 = reinterpret_cast< npstat::Functor1< double,double > * >(argp7);
res8 = SWIG_ConvertPtr(swig_obj[7], &argp8, SWIGTYPE_p_npstat__Functor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "gaussianResponseMatrix" "', argument " "8"" of type '" "npstat::Functor1< double,double > const &""'");
}
if (!argp8) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "8"" of type '" "npstat::Functor1< double,double > const &""'");
}
arg8 = reinterpret_cast< npstat::Functor1< double,double > * >(argp8);
ecode9 = SWIG_AsVal_unsigned_SS_int(swig_obj[8], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "gaussianResponseMatrix" "', argument " "9"" of type '" "unsigned int""'");
}
arg9 = static_cast< unsigned int >(val9);
{
try {
result = npstat::gaussianResponseMatrix(arg1,arg2,arg3,arg4,arg5,arg6,(npstat::Functor1< double,double > const &)*arg7,(npstat::Functor1< double,double > const &)*arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::Matrix< double,16U >(static_cast< const npstat::Matrix< double,16U >& >(result))), SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_gaussianResponseMatrix__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
unsigned int arg3 ;
double arg4 ;
double arg5 ;
unsigned int arg6 ;
npstat::Functor1< double,double > *arg7 = 0 ;
npstat::Functor1< double,double > *arg8 = 0 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
void *argp7 = 0 ;
int res7 = 0 ;
void *argp8 = 0 ;
int res8 = 0 ;
npstat::Matrix< double,16U > result;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "gaussianResponseMatrix" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "gaussianResponseMatrix" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "gaussianResponseMatrix" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "gaussianResponseMatrix" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "gaussianResponseMatrix" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "gaussianResponseMatrix" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
res7 = SWIG_ConvertPtr(swig_obj[6], &argp7, SWIGTYPE_p_npstat__Functor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res7)) {
SWIG_exception_fail(SWIG_ArgError(res7), "in method '" "gaussianResponseMatrix" "', argument " "7"" of type '" "npstat::Functor1< double,double > const &""'");
}
if (!argp7) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "7"" of type '" "npstat::Functor1< double,double > const &""'");
}
arg7 = reinterpret_cast< npstat::Functor1< double,double > * >(argp7);
res8 = SWIG_ConvertPtr(swig_obj[7], &argp8, SWIGTYPE_p_npstat__Functor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res8)) {
SWIG_exception_fail(SWIG_ArgError(res8), "in method '" "gaussianResponseMatrix" "', argument " "8"" of type '" "npstat::Functor1< double,double > const &""'");
}
if (!argp8) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "8"" of type '" "npstat::Functor1< double,double > const &""'");
}
arg8 = reinterpret_cast< npstat::Functor1< double,double > * >(argp8);
{
try {
result = npstat::gaussianResponseMatrix(arg1,arg2,arg3,arg4,arg5,arg6,(npstat::Functor1< double,double > const &)*arg7,(npstat::Functor1< double,double > const &)*arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::Matrix< double,16U >(static_cast< const npstat::Matrix< double,16U >& >(result))), SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_gaussianResponseMatrix__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::NUHistoAxis *arg1 = 0 ;
npstat::NUHistoAxis *arg2 = 0 ;
npstat::Functor1< double,double > *arg3 = 0 ;
npstat::Functor1< double,double > *arg4 = 0 ;
unsigned int arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
npstat::Matrix< double,16U > result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__NUHistoAxis, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "gaussianResponseMatrix" "', argument " "1"" of type '" "npstat::NUHistoAxis const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "1"" of type '" "npstat::NUHistoAxis const &""'");
}
arg1 = reinterpret_cast< npstat::NUHistoAxis * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__NUHistoAxis, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "gaussianResponseMatrix" "', argument " "2"" of type '" "npstat::NUHistoAxis const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "2"" of type '" "npstat::NUHistoAxis const &""'");
}
arg2 = reinterpret_cast< npstat::NUHistoAxis * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__Functor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "gaussianResponseMatrix" "', argument " "3"" of type '" "npstat::Functor1< double,double > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "3"" of type '" "npstat::Functor1< double,double > const &""'");
}
arg3 = reinterpret_cast< npstat::Functor1< double,double > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__Functor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "gaussianResponseMatrix" "', argument " "4"" of type '" "npstat::Functor1< double,double > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "4"" of type '" "npstat::Functor1< double,double > const &""'");
}
arg4 = reinterpret_cast< npstat::Functor1< double,double > * >(argp4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "gaussianResponseMatrix" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
{
try {
result = npstat::gaussianResponseMatrix((npstat::NUHistoAxis const &)*arg1,(npstat::NUHistoAxis const &)*arg2,(npstat::Functor1< double,double > const &)*arg3,(npstat::Functor1< double,double > const &)*arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::Matrix< double,16U >(static_cast< const npstat::Matrix< double,16U >& >(result))), SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_gaussianResponseMatrix__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::NUHistoAxis *arg1 = 0 ;
npstat::NUHistoAxis *arg2 = 0 ;
npstat::Functor1< double,double > *arg3 = 0 ;
npstat::Functor1< double,double > *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
npstat::Matrix< double,16U > result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__NUHistoAxis, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "gaussianResponseMatrix" "', argument " "1"" of type '" "npstat::NUHistoAxis const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "1"" of type '" "npstat::NUHistoAxis const &""'");
}
arg1 = reinterpret_cast< npstat::NUHistoAxis * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__NUHistoAxis, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "gaussianResponseMatrix" "', argument " "2"" of type '" "npstat::NUHistoAxis const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "2"" of type '" "npstat::NUHistoAxis const &""'");
}
arg2 = reinterpret_cast< npstat::NUHistoAxis * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__Functor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "gaussianResponseMatrix" "', argument " "3"" of type '" "npstat::Functor1< double,double > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "3"" of type '" "npstat::Functor1< double,double > const &""'");
}
arg3 = reinterpret_cast< npstat::Functor1< double,double > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__Functor1T_double_double_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "gaussianResponseMatrix" "', argument " "4"" of type '" "npstat::Functor1< double,double > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "gaussianResponseMatrix" "', argument " "4"" of type '" "npstat::Functor1< double,double > const &""'");
}
arg4 = reinterpret_cast< npstat::Functor1< double,double > * >(argp4);
{
try {
result = npstat::gaussianResponseMatrix((npstat::NUHistoAxis const &)*arg1,(npstat::NUHistoAxis const &)*arg2,(npstat::Functor1< double,double > const &)*arg3,(npstat::Functor1< double,double > const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::Matrix< double,16U >(static_cast< const npstat::Matrix< double,16U >& >(result))), SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_gaussianResponseMatrix(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[10] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "gaussianResponseMatrix", 0, 9, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__NUHistoAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__NUHistoAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__Functor1T_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__Functor1T_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_gaussianResponseMatrix__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__NUHistoAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__NUHistoAxis, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__Functor1T_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__Functor1T_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_gaussianResponseMatrix__SWIG_2(self, argc, argv);
}
}
}
}
}
}
if (argc == 8) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[6], 0, SWIGTYPE_p_npstat__Functor1T_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[7], 0, SWIGTYPE_p_npstat__Functor1T_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_gaussianResponseMatrix__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[6], 0, SWIGTYPE_p_npstat__Functor1T_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[7], 0, SWIGTYPE_p_npstat__Functor1T_double_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_gaussianResponseMatrix__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'gaussianResponseMatrix'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::gaussianResponseMatrix(double,double,unsigned int,double,double,unsigned int,npstat::Functor1< double,double > const &,npstat::Functor1< double,double > const &,unsigned int)\n"
" npstat::gaussianResponseMatrix(double,double,unsigned int,double,double,unsigned int,npstat::Functor1< double,double > const &,npstat::Functor1< double,double > const &)\n"
" npstat::gaussianResponseMatrix(npstat::NUHistoAxis const &,npstat::NUHistoAxis const &,npstat::Functor1< double,double > const &,npstat::Functor1< double,double > const &,unsigned int)\n"
" npstat::gaussianResponseMatrix(npstat::NUHistoAxis const &,npstat::NUHistoAxis const &,npstat::Functor1< double,double > const &,npstat::Functor1< double,double > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_LocalMultiFilter1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
unsigned int arg1 ;
npstat::OrthoPolyFilter1DBuilder *arg2 = 0 ;
unsigned int arg3 ;
unsigned int val1 ;
int ecode1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
npstat::LocalMultiFilter1D *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
ecode1 = SWIG_AsVal_unsigned_SS_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_LocalMultiFilter1D" "', argument " "1"" of type '" "unsigned int""'");
}
arg1 = static_cast< unsigned int >(val1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__OrthoPolyFilter1DBuilder, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_LocalMultiFilter1D" "', argument " "2"" of type '" "npstat::OrthoPolyFilter1DBuilder const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LocalMultiFilter1D" "', argument " "2"" of type '" "npstat::OrthoPolyFilter1DBuilder const &""'");
}
arg2 = reinterpret_cast< npstat::OrthoPolyFilter1DBuilder * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_LocalMultiFilter1D" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (npstat::LocalMultiFilter1D *)new npstat::LocalMultiFilter1D(arg1,(npstat::OrthoPolyFilter1DBuilder const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LocalMultiFilter1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LocalMultiFilter1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::LocalMultiFilter1D *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_LocalMultiFilter1D" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_LocalMultiFilter1D" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const &""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
{
try {
result = (npstat::LocalMultiFilter1D *)new npstat::LocalMultiFilter1D((npstat::LocalMultiFilter1D const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LocalMultiFilter1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LocalMultiFilter1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_LocalMultiFilter1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__LocalMultiFilter1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_LocalMultiFilter1D__SWIG_1(self, argc, argv);
}
}
if (argc == 3) {
int _v;
{
int res = SWIG_AsVal_unsigned_SS_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__OrthoPolyFilter1DBuilder, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_LocalMultiFilter1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_LocalMultiFilter1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LocalMultiFilter1D::LocalMultiFilter1D(unsigned int,npstat::OrthoPolyFilter1DBuilder const &,unsigned int)\n"
" npstat::LocalMultiFilter1D::LocalMultiFilter1D(npstat::LocalMultiFilter1D const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_LocalMultiFilter1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LocalMultiFilter1D" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
npstat::LocalMultiFilter1D *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D___eq__" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LocalMultiFilter1D___eq__" "', argument " "2"" of type '" "npstat::LocalMultiFilter1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LocalMultiFilter1D___eq__" "', argument " "2"" of type '" "npstat::LocalMultiFilter1D const &""'");
}
arg2 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp2);
{
try {
result = (bool)((npstat::LocalMultiFilter1D const *)arg1)->operator ==((npstat::LocalMultiFilter1D const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
npstat::LocalMultiFilter1D *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D___ne__" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LocalMultiFilter1D___ne__" "', argument " "2"" of type '" "npstat::LocalMultiFilter1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LocalMultiFilter1D___ne__" "', argument " "2"" of type '" "npstat::LocalMultiFilter1D const &""'");
}
arg2 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp2);
{
try {
result = (bool)((npstat::LocalMultiFilter1D const *)arg1)->operator !=((npstat::LocalMultiFilter1D const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_maxDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_maxDegree" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
{
try {
result = (unsigned int)((npstat::LocalMultiFilter1D const *)arg1)->maxDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_dataLen(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_dataLen" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
{
try {
result = (unsigned int)((npstat::LocalMultiFilter1D const *)arg1)->dataLen();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_getFilter(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::PolyFilter1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_getFilter", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_getFilter" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_getFilter" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LocalMultiFilter1D_getFilter" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (npstat::PolyFilter1D *) &((npstat::LocalMultiFilter1D const *)arg1)->getFilter(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__PolyFilter1D, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_getFilterMatrix(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::Matrix< double > result;
if (!SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_getFilterMatrix", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_getFilterMatrix" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_getFilterMatrix" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = ((npstat::LocalMultiFilter1D const *)arg1)->getFilterMatrix(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::Matrix< double >(static_cast< const npstat::Matrix< double >& >(result))), SWIGTYPE_p_npstat__MatrixT_double_16U_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_classId" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
{
try {
result = ((npstat::LocalMultiFilter1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_write" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LocalMultiFilter1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LocalMultiFilter1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::LocalMultiFilter1D const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::LocalMultiFilter1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::LocalMultiFilter1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::LocalMultiFilter1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LocalMultiFilter1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LocalMultiFilter1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LocalMultiFilter1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::LocalMultiFilter1D *)npstat::LocalMultiFilter1D::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LocalMultiFilter1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_filter__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
bool val5 ;
int ecode5 = 0 ;
PyObject *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_filter" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_filter" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
ecode5 = SWIG_AsVal_bool(swig_obj[3], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LocalMultiFilter1D_filter" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (PyObject *)((npstat::LocalMultiFilter1D const *)arg1)->filter_2(arg2,(double const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = result;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_filter__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
PyObject *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_filter" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_filter" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
try {
result = (PyObject *)((npstat::LocalMultiFilter1D const *)arg1)->filter_2(arg2,(double const *)arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = result;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_filter(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_filter", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
if (argc <= 3) {
return _wrap_LocalMultiFilter1D_filter__SWIG_1(self, argc, argv);
}
return _wrap_LocalMultiFilter1D_filter__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LocalMultiFilter1D_filter__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LocalMultiFilter1D_filter'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LocalMultiFilter1D::filter_2(unsigned int,double const *,unsigned int,bool const) const\n"
" npstat::LocalMultiFilter1D::filter_2(unsigned int,double const *,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_convolve__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
bool val5 ;
int ecode5 = 0 ;
PyObject *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_convolve" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_convolve" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
ecode5 = SWIG_AsVal_bool(swig_obj[3], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "LocalMultiFilter1D_convolve" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (PyObject *)((npstat::LocalMultiFilter1D const *)arg1)->convolve_2(arg2,(double const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = result;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_convolve__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
PyObject *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_convolve" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_convolve" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
try {
result = (PyObject *)((npstat::LocalMultiFilter1D const *)arg1)->convolve_2(arg2,(double const *)arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = result;
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_convolve(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_convolve", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
if (argc <= 3) {
return _wrap_LocalMultiFilter1D_convolve__SWIG_1(self, argc, argv);
}
return _wrap_LocalMultiFilter1D_convolve__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LocalMultiFilter1D_convolve__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LocalMultiFilter1D_convolve'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LocalMultiFilter1D::convolve_2(unsigned int,double const *,unsigned int,bool const) const\n"
" npstat::LocalMultiFilter1D::convolve_2(unsigned int,double const *,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_filterIntoBuffer__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
double *arg5 = (double *) 0 ;
unsigned int arg6 ;
bool arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
PyArrayObject *array5 = NULL ;
int i5 = 1 ;
bool val7 ;
int ecode7 = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_filterIntoBuffer" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_filterIntoBuffer" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
array5 = obj_to_array_no_conversion(swig_obj[3], NPY_DOUBLE);
if (!array5 || !require_dimensions(array5,1) || !require_contiguous(array5)
|| !require_native(array5)) SWIG_fail;
arg5 = (double*) array_data(array5);
arg6 = 1;
for (i5=0; i5 < array_numdims(array5); ++i5) arg6 *= array_size(array5,i5);
}
ecode7 = SWIG_AsVal_bool(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LocalMultiFilter1D_filterIntoBuffer" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
try {
((npstat::LocalMultiFilter1D const *)arg1)->filterIntoBuffer(arg2,(double const *)arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_filterIntoBuffer__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
double *arg5 = (double *) 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
PyArrayObject *array5 = NULL ;
int i5 = 1 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_filterIntoBuffer" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_filterIntoBuffer" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
array5 = obj_to_array_no_conversion(swig_obj[3], NPY_DOUBLE);
if (!array5 || !require_dimensions(array5,1) || !require_contiguous(array5)
|| !require_native(array5)) SWIG_fail;
arg5 = (double*) array_data(array5);
arg6 = 1;
for (i5=0; i5 < array_numdims(array5); ++i5) arg6 *= array_size(array5,i5);
}
{
try {
((npstat::LocalMultiFilter1D const *)arg1)->filterIntoBuffer(arg2,(double const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_filterIntoBuffer(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_filterIntoBuffer", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
{
_v = is_array(argv[3]) && PyArray_EquivTypenums(array_type(argv[3]),
NPY_DOUBLE);
}
if (_v) {
if (argc <= 4) {
return _wrap_LocalMultiFilter1D_filterIntoBuffer__SWIG_1(self, argc, argv);
}
return _wrap_LocalMultiFilter1D_filterIntoBuffer__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
{
_v = is_array(argv[3]) && PyArray_EquivTypenums(array_type(argv[3]),
NPY_DOUBLE);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LocalMultiFilter1D_filterIntoBuffer__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LocalMultiFilter1D_filterIntoBuffer'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LocalMultiFilter1D::filterIntoBuffer(unsigned int,double const *,unsigned int,double *,unsigned int,bool const) const\n"
" npstat::LocalMultiFilter1D::filterIntoBuffer(unsigned int,double const *,unsigned int,double *,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_convolveIntoBuffer__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
double *arg5 = (double *) 0 ;
unsigned int arg6 ;
bool arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
PyArrayObject *array5 = NULL ;
int i5 = 1 ;
bool val7 ;
int ecode7 = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_convolveIntoBuffer" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_convolveIntoBuffer" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
array5 = obj_to_array_no_conversion(swig_obj[3], NPY_DOUBLE);
if (!array5 || !require_dimensions(array5,1) || !require_contiguous(array5)
|| !require_native(array5)) SWIG_fail;
arg5 = (double*) array_data(array5);
arg6 = 1;
for (i5=0; i5 < array_numdims(array5); ++i5) arg6 *= array_size(array5,i5);
}
ecode7 = SWIG_AsVal_bool(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "LocalMultiFilter1D_convolveIntoBuffer" "', argument " "7"" of type '" "bool""'");
}
arg7 = static_cast< bool >(val7);
{
try {
((npstat::LocalMultiFilter1D const *)arg1)->convolveIntoBuffer(arg2,(double const *)arg3,arg4,arg5,arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_convolveIntoBuffer__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::LocalMultiFilter1D *arg1 = (npstat::LocalMultiFilter1D *) 0 ;
unsigned int arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
double *arg5 = (double *) 0 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
PyArrayObject *array5 = NULL ;
int i5 = 1 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__LocalMultiFilter1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LocalMultiFilter1D_convolveIntoBuffer" "', argument " "1"" of type '" "npstat::LocalMultiFilter1D const *""'");
}
arg1 = reinterpret_cast< npstat::LocalMultiFilter1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LocalMultiFilter1D_convolveIntoBuffer" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
array5 = obj_to_array_no_conversion(swig_obj[3], NPY_DOUBLE);
if (!array5 || !require_dimensions(array5,1) || !require_contiguous(array5)
|| !require_native(array5)) SWIG_fail;
arg5 = (double*) array_data(array5);
arg6 = 1;
for (i5=0; i5 < array_numdims(array5); ++i5) arg6 *= array_size(array5,i5);
}
{
try {
((npstat::LocalMultiFilter1D const *)arg1)->convolveIntoBuffer(arg2,(double const *)arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_LocalMultiFilter1D_convolveIntoBuffer(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LocalMultiFilter1D_convolveIntoBuffer", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
{
_v = is_array(argv[3]) && PyArray_EquivTypenums(array_type(argv[3]),
NPY_DOUBLE);
}
if (_v) {
if (argc <= 4) {
return _wrap_LocalMultiFilter1D_convolveIntoBuffer__SWIG_1(self, argc, argv);
}
return _wrap_LocalMultiFilter1D_convolveIntoBuffer__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__LocalMultiFilter1D, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
{
_v = is_array(argv[3]) && PyArray_EquivTypenums(array_type(argv[3]),
NPY_DOUBLE);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_LocalMultiFilter1D_convolveIntoBuffer__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LocalMultiFilter1D_convolveIntoBuffer'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::LocalMultiFilter1D::convolveIntoBuffer(unsigned int,double const *,unsigned int,double *,unsigned int,bool const) const\n"
" npstat::LocalMultiFilter1D::convolveIntoBuffer(unsigned int,double const *,unsigned int,double *,unsigned int) const\n");
return 0;
}
SWIGINTERN PyObject *LocalMultiFilter1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__LocalMultiFilter1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LocalMultiFilter1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_symbetaMultiFilter1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
double arg5 ;
double arg6 ;
npstat::BoundaryHandling *arg7 = 0 ;
unsigned char *arg8 = (unsigned char *) 0 ;
unsigned int arg9 ;
bool arg10 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
void *argp7 = 0 ;
int res7 = 0 ;
PyArrayObject *array8 = NULL ;
int is_new_object8 = 0 ;
bool val10 ;
int ecode10 = 0 ;
npstat::LocalMultiFilter1D *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "symbetaMultiFilter1D" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "symbetaMultiFilter1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "symbetaMultiFilter1D" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "symbetaMultiFilter1D" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "symbetaMultiFilter1D" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "symbetaMultiFilter1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
res7 = SWIG_ConvertPtr(swig_obj[6], &argp7, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res7)) {
SWIG_exception_fail(SWIG_ArgError(res7), "in method '" "symbetaMultiFilter1D" "', argument " "7"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp7) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "symbetaMultiFilter1D" "', argument " "7"" of type '" "npstat::BoundaryHandling const &""'");
}
arg7 = reinterpret_cast< npstat::BoundaryHandling * >(argp7);
{
npy_intp size[1] = {
-1
};
array8 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UBYTE,
&is_new_object8);
if (!array8 || !require_dimensions(array8, 1) ||
!require_size(array8, size, 1)) SWIG_fail;
arg8 = (unsigned char*) array_data(array8);
arg9 = (int) array_size(array8,0);
}
ecode10 = SWIG_AsVal_bool(swig_obj[8], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "symbetaMultiFilter1D" "', argument " "10"" of type '" "bool""'");
}
arg10 = static_cast< bool >(val10);
{
try {
result = (npstat::LocalMultiFilter1D *)npstat::symbetaMultiFilter1D_2(arg1,arg2,arg3,arg4,arg5,arg6,(npstat::BoundaryHandling const &)*arg7,(unsigned char const *)arg8,arg9,arg10);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LocalMultiFilter1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object8 && array8)
{
Py_DECREF(array8);
}
}
return resultobj;
fail:
{
if (is_new_object8 && array8)
{
Py_DECREF(array8);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_symbetaMultiFilter1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
unsigned int arg3 ;
unsigned int arg4 ;
double arg5 ;
double arg6 ;
npstat::BoundaryHandling *arg7 = 0 ;
unsigned char *arg8 = (unsigned char *) 0 ;
unsigned int arg9 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
void *argp7 = 0 ;
int res7 = 0 ;
PyArrayObject *array8 = NULL ;
int is_new_object8 = 0 ;
npstat::LocalMultiFilter1D *result = 0 ;
if ((nobjs < 8) || (nobjs > 8)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "symbetaMultiFilter1D" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "symbetaMultiFilter1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "symbetaMultiFilter1D" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "symbetaMultiFilter1D" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "symbetaMultiFilter1D" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "symbetaMultiFilter1D" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
res7 = SWIG_ConvertPtr(swig_obj[6], &argp7, SWIGTYPE_p_npstat__BoundaryHandling, 0 | 0);
if (!SWIG_IsOK(res7)) {
SWIG_exception_fail(SWIG_ArgError(res7), "in method '" "symbetaMultiFilter1D" "', argument " "7"" of type '" "npstat::BoundaryHandling const &""'");
}
if (!argp7) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "symbetaMultiFilter1D" "', argument " "7"" of type '" "npstat::BoundaryHandling const &""'");
}
arg7 = reinterpret_cast< npstat::BoundaryHandling * >(argp7);
{
npy_intp size[1] = {
-1
};
array8 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UBYTE,
&is_new_object8);
if (!array8 || !require_dimensions(array8, 1) ||
!require_size(array8, size, 1)) SWIG_fail;
arg8 = (unsigned char*) array_data(array8);
arg9 = (int) array_size(array8,0);
}
{
try {
result = (npstat::LocalMultiFilter1D *)npstat::symbetaMultiFilter1D_2(arg1,arg2,arg3,arg4,arg5,arg6,(npstat::BoundaryHandling const &)*arg7,(unsigned char const *)arg8,arg9);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__LocalMultiFilter1D, SWIG_POINTER_OWN | 0 );
{
if (is_new_object8 && array8)
{
Py_DECREF(array8);
}
}
return resultobj;
fail:
{
if (is_new_object8 && array8)
{
Py_DECREF(array8);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_symbetaMultiFilter1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[10] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "symbetaMultiFilter1D", 0, 9, argv))) SWIG_fail;
--argc;
if (argc == 8) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[6], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
if (argc <= 8) {
return _wrap_symbetaMultiFilter1D__SWIG_1(self, argc, argv);
}
return _wrap_symbetaMultiFilter1D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
if (argc == 9) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[6], 0, SWIGTYPE_p_npstat__BoundaryHandling, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[8], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_symbetaMultiFilter1D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'symbetaMultiFilter1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::symbetaMultiFilter1D_2(int,double,unsigned int,unsigned int,double,double,npstat::BoundaryHandling const &,unsigned char const *,unsigned int,bool)\n"
" npstat::symbetaMultiFilter1D_2(int,double,unsigned int,unsigned int,double,double,npstat::BoundaryHandling const &,unsigned char const *,unsigned int)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::DeltaMixture1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_clone" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
{
try {
result = (npstat::DeltaMixture1D *)((npstat::DeltaMixture1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DeltaMixture1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DeltaMixture1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DeltaMixture1D" "', argument " "1"" of type '" "npstat::DeltaMixture1D *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_nComponents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_nComponents" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
{
try {
result = (unsigned int)((npstat::DeltaMixture1D const *)arg1)->nComponents();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_getLocation(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_getLocation", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_getLocation" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DeltaMixture1D_getLocation" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (double)((npstat::DeltaMixture1D const *)arg1)->getLocation(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_getWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_getWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_getWeight" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DeltaMixture1D_getWeight" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (double)((npstat::DeltaMixture1D const *)arg1)->getWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_integral(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
double arg2 ;
bool arg3 ;
double arg4 ;
bool arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
bool val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
bool val5 ;
int ecode5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_integral", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_integral" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DeltaMixture1D_integral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_bool(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DeltaMixture1D_integral" "', argument " "3"" of type '" "bool""'");
}
arg3 = static_cast< bool >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DeltaMixture1D_integral" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_bool(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DeltaMixture1D_integral" "', argument " "5"" of type '" "bool""'");
}
arg5 = static_cast< bool >(val5);
{
try {
result = (double)((npstat::DeltaMixture1D const *)arg1)->integral(arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_classId" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
{
try {
result = ((npstat::DeltaMixture1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_write" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DeltaMixture1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DeltaMixture1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::DeltaMixture1D const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::DeltaMixture1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::DeltaMixture1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::DeltaMixture1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DeltaMixture1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DeltaMixture1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DeltaMixture1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::DeltaMixture1D *)npstat::DeltaMixture1D::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DeltaMixture1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DeltaMixture1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
double *arg5 = (double *) 0 ;
unsigned int arg6 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
npstat::DeltaMixture1D *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DeltaMixture1D" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DeltaMixture1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_DOUBLE,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (double*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
{
try {
result = (npstat::DeltaMixture1D *)new npstat::DeltaMixture1D(arg1,arg2,(double const *)arg3,arg4,(double const *)arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DeltaMixture1D, SWIG_POINTER_NEW | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DeltaMixture1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
double arg1 ;
double arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
double val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyArrayObject *array3 = NULL ;
int is_new_object3 = 0 ;
npstat::DeltaMixture1D *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
ecode1 = SWIG_AsVal_double(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_DeltaMixture1D" "', argument " "1"" of type '" "double""'");
}
arg1 = static_cast< double >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DeltaMixture1D" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
npy_intp size[1] = {
-1
};
array3 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object3);
if (!array3 || !require_dimensions(array3, 1) ||
!require_size(array3, size, 1)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = (int) array_size(array3,0);
}
{
try {
result = (npstat::DeltaMixture1D *)new npstat::DeltaMixture1D(arg1,arg2,(double const *)arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DeltaMixture1D, SWIG_POINTER_NEW | 0 );
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return resultobj;
fail:
{
if (is_new_object3 && array3)
{
Py_DECREF(array3);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DeltaMixture1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DeltaMixture1D", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
if (argc <= 3) {
return _wrap_new_DeltaMixture1D__SWIG_2(self, argc, argv);
}
return _wrap_new_DeltaMixture1D__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
{
int res = SWIG_AsVal_double(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
if (argc <= 4) {
return _wrap_new_DeltaMixture1D__SWIG_1(self, argc, argv);
}
return _wrap_new_DeltaMixture1D__SWIG_1(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DeltaMixture1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::DeltaMixture1D::DeltaMixture1D(double const,double const,double const *,unsigned int,double const *,unsigned int)\n"
" npstat::DeltaMixture1D::DeltaMixture1D(double const,double const,double const *,unsigned int)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_moment(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
double arg2 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_moment", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_moment" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DeltaMixture1D_moment" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DeltaMixture1D_moment" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::DeltaMixture1D const *)arg1)->moment_2(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_moments(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
double arg2 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
std::vector< double,std::allocator< double > > result;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_moments", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_moments" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DeltaMixture1D_moments" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DeltaMixture1D_moments" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = ((npstat::DeltaMixture1D const *)arg1)->moments_2(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DeltaMixture1D_centralMoments(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = (npstat::DeltaMixture1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
std::vector< double,std::allocator< double > > result;
if (!SWIG_Python_UnpackTuple(args, "DeltaMixture1D_centralMoments", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DeltaMixture1D_centralMoments" "', argument " "1"" of type '" "npstat::DeltaMixture1D const *""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DeltaMixture1D_centralMoments" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = ((npstat::DeltaMixture1D const *)arg1)->centralMoments_2(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DeltaMixture1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DeltaMixture1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DeltaMixture1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_DeltaMixture1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::DeltaMixture1D > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_DeltaMixture1D", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_DeltaMixture1D" "', argument " "1"" of type '" "npstat::DeltaMixture1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_DeltaMixture1D" "', argument " "1"" of type '" "npstat::DeltaMixture1D const &""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_DeltaMixture1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_DeltaMixture1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::DeltaMixture1D > *)new gs::ArchiveRecord< npstat::DeltaMixture1D >((npstat::DeltaMixture1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__DeltaMixture1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_DeltaMixture1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::DeltaMixture1D > *arg1 = (gs::ArchiveRecord< npstat::DeltaMixture1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__DeltaMixture1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_DeltaMixture1D" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::DeltaMixture1D > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::DeltaMixture1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_DeltaMixture1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__DeltaMixture1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_DeltaMixture1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_121(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::DeltaMixture1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::DeltaMixture1D > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::DeltaMixture1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::DeltaMixture1D const &""'");
}
arg1 = reinterpret_cast< npstat::DeltaMixture1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::DeltaMixture1D >((npstat::DeltaMixture1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::DeltaMixture1D >(static_cast< const gs::ArchiveRecord< npstat::DeltaMixture1D >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__DeltaMixture1D_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DeltaMixture1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::DeltaMixture1D > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_DeltaMixture1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DeltaMixture1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_DeltaMixture1D" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::DeltaMixture1D > *)new gs::Reference< npstat::DeltaMixture1D >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__DeltaMixture1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DeltaMixture1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::DeltaMixture1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_DeltaMixture1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DeltaMixture1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_DeltaMixture1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_DeltaMixture1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::DeltaMixture1D > *)new gs::Reference< npstat::DeltaMixture1D >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__DeltaMixture1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DeltaMixture1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::DeltaMixture1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_DeltaMixture1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DeltaMixture1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_DeltaMixture1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DeltaMixture1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_DeltaMixture1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DeltaMixture1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::DeltaMixture1D > *)new gs::Reference< npstat::DeltaMixture1D >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__DeltaMixture1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DeltaMixture1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_DeltaMixture1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_DeltaMixture1D__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_DeltaMixture1D__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_DeltaMixture1D__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_DeltaMixture1D'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::DeltaMixture1D >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::DeltaMixture1D >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::DeltaMixture1D >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_DeltaMixture1D_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::DeltaMixture1D > *arg1 = (gs::Reference< npstat::DeltaMixture1D > *) 0 ;
unsigned long arg2 ;
npstat::DeltaMixture1D *arg3 = (npstat::DeltaMixture1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_DeltaMixture1D_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__DeltaMixture1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_DeltaMixture1D_restore" "', argument " "1"" of type '" "gs::Reference< npstat::DeltaMixture1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::DeltaMixture1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_DeltaMixture1D_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__DeltaMixture1D, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_DeltaMixture1D_restore" "', argument " "3"" of type '" "npstat::DeltaMixture1D *""'");
}
arg3 = reinterpret_cast< npstat::DeltaMixture1D * >(argp3);
{
try {
((gs::Reference< npstat::DeltaMixture1D > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_DeltaMixture1D_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::DeltaMixture1D > *arg1 = (gs::Reference< npstat::DeltaMixture1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::DeltaMixture1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_DeltaMixture1D_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__DeltaMixture1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_DeltaMixture1D_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::DeltaMixture1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::DeltaMixture1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_DeltaMixture1D_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::DeltaMixture1D *)gs_Reference_Sl_npstat_DeltaMixture1D_Sg__retrieve((gs::Reference< npstat::DeltaMixture1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DeltaMixture1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_DeltaMixture1D_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::DeltaMixture1D > *arg1 = (gs::Reference< npstat::DeltaMixture1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::DeltaMixture1D > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_DeltaMixture1D_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__DeltaMixture1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_DeltaMixture1D_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::DeltaMixture1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::DeltaMixture1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_DeltaMixture1D_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_DeltaMixture1D_Sg__getValue((gs::Reference< npstat::DeltaMixture1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::DeltaMixture1D(static_cast< const npstat::DeltaMixture1D& >(result))), SWIGTYPE_p_npstat__DeltaMixture1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_DeltaMixture1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::DeltaMixture1D > *arg1 = (gs::Reference< npstat::DeltaMixture1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__DeltaMixture1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_DeltaMixture1D" "', argument " "1"" of type '" "gs::Reference< npstat::DeltaMixture1D > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::DeltaMixture1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_DeltaMixture1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__DeltaMixture1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_DeltaMixture1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_scanSymmetricDensityAsWeight2__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistributionND *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
double *arg4 = (double *) 0 ;
unsigned int arg5 ;
double *arg6 = (double *) 0 ;
unsigned int arg7 ;
bool arg8 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array4 = NULL ;
int is_new_object4 = 0 ;
PyArrayObject *array6 = NULL ;
int is_new_object6 = 0 ;
bool val8 ;
int ecode8 = 0 ;
npstat::ArrayND< double,1U,10U > *result = 0 ;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "scanSymmetricDensityAsWeight2" "', argument " "1"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "scanSymmetricDensityAsWeight2" "', argument " "1"" of type '" "npstat::AbsDistributionND const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistributionND * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
npy_intp size[1] = {
-1
};
array4 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object4);
if (!array4 || !require_dimensions(array4, 1) ||
!require_size(array4, size, 1)) SWIG_fail;
arg4 = (double*) array_data(array4);
arg5 = (int) array_size(array4,0);
}
{
npy_intp size[1] = {
-1
};
array6 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_DOUBLE,
&is_new_object6);
if (!array6 || !require_dimensions(array6, 1) ||
!require_size(array6, size, 1)) SWIG_fail;
arg6 = (double*) array_data(array6);
arg7 = (int) array_size(array6,0);
}
ecode8 = SWIG_AsVal_bool(swig_obj[4], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "scanSymmetricDensityAsWeight2" "', argument " "8"" of type '" "bool""'");
}
arg8 = static_cast< bool >(val8);
{
try {
result = (npstat::ArrayND< double,1U,10U > *)npstat::scanSymmetricDensityAsWeight2((npstat::AbsDistributionND const &)*arg1,(unsigned int const *)arg2,arg3,(double const *)arg4,arg5,(double const *)arg6,arg7,arg8);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_OWN | 0 );
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
{
if (is_new_object6 && array6)
{
Py_DECREF(array6);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
{
if (is_new_object6 && array6)
{
Py_DECREF(array6);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_scanSymmetricDensityAsWeight2__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistributionND *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
double *arg4 = (double *) 0 ;
unsigned int arg5 ;
double *arg6 = (double *) 0 ;
unsigned int arg7 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array4 = NULL ;
int is_new_object4 = 0 ;
PyArrayObject *array6 = NULL ;
int is_new_object6 = 0 ;
npstat::ArrayND< double,1U,10U > *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "scanSymmetricDensityAsWeight2" "', argument " "1"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "scanSymmetricDensityAsWeight2" "', argument " "1"" of type '" "npstat::AbsDistributionND const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistributionND * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
npy_intp size[1] = {
-1
};
array4 = obj_to_array_contiguous_allow_conversion(swig_obj[2],
NPY_DOUBLE,
&is_new_object4);
if (!array4 || !require_dimensions(array4, 1) ||
!require_size(array4, size, 1)) SWIG_fail;
arg4 = (double*) array_data(array4);
arg5 = (int) array_size(array4,0);
}
{
npy_intp size[1] = {
-1
};
array6 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_DOUBLE,
&is_new_object6);
if (!array6 || !require_dimensions(array6, 1) ||
!require_size(array6, size, 1)) SWIG_fail;
arg6 = (double*) array_data(array6);
arg7 = (int) array_size(array6,0);
}
{
try {
result = (npstat::ArrayND< double,1U,10U > *)npstat::scanSymmetricDensityAsWeight2((npstat::AbsDistributionND const &)*arg1,(unsigned int const *)arg2,arg3,(double const *)arg4,arg5,(double const *)arg6,arg7);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_OWN | 0 );
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
{
if (is_new_object6 && array6)
{
Py_DECREF(array6);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object4 && array4)
{
Py_DECREF(array4);
}
}
{
if (is_new_object6 && array6)
{
Py_DECREF(array6);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_scanSymmetricDensityAsWeight2(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "scanSymmetricDensityAsWeight2", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
if (argc <= 4) {
return _wrap_scanSymmetricDensityAsWeight2__SWIG_1(self, argc, argv);
}
return _wrap_scanSymmetricDensityAsWeight2__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
{
_v = is_array(argv[2]) || PySequence_Check(argv[2]);
}
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_scanSymmetricDensityAsWeight2__SWIG_0(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'scanSymmetricDensityAsWeight2'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::scanSymmetricDensityAsWeight2(npstat::AbsDistributionND const &,unsigned int const *,unsigned int,double const *,unsigned int,double const *,unsigned int,bool const)\n"
" npstat::scanSymmetricDensityAsWeight2(npstat::AbsDistributionND const &,unsigned int const *,unsigned int,double const *,unsigned int,double const *,unsigned int)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_UCharBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharBandwidthCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< unsigned char > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< unsigned char > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< unsigned char > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< unsigned char > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "UCharBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< unsigned char > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharBandwidthCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "UCharBandwidthCVLeastSquaresND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_UCharBandwidthCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_UCharBandwidthCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'UCharBandwidthCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > >::operator ()(npstat::HistoND< unsigned char > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > >::operator ()(npstat::HistoND< unsigned char > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_UCharBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharBandwidthCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > > *)new npstat::BandwidthCVLeastSquaresND< unsigned char,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharBandwidthCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_unsigned_char_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharBandwidthCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_IntBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntBandwidthCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< int > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< int > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< int > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_int_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< int > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< int > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "IntBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< int > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntBandwidthCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "IntBandwidthCVLeastSquaresND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_int_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_IntBandwidthCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_int_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_IntBandwidthCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'IntBandwidthCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > >::operator ()(npstat::HistoND< int > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > >::operator ()(npstat::HistoND< int > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_IntBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntBandwidthCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > > *)new npstat::BandwidthCVLeastSquaresND< int,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntBandwidthCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_int_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntBandwidthCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_LongBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongBandwidthCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< long > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< long > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< long > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_long_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< long > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< long > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "LongBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< long > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongBandwidthCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "LongBandwidthCVLeastSquaresND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_long_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LongBandwidthCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_long_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_LongBandwidthCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'LongBandwidthCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > >::operator ()(npstat::HistoND< long > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > >::operator ()(npstat::HistoND< long > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_LongBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongBandwidthCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > > *)new npstat::BandwidthCVLeastSquaresND< long,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongBandwidthCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_long_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongBandwidthCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_FloatBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatBandwidthCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< float > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< float > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< float > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_float_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< float > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< float > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "FloatBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< float > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatBandwidthCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "FloatBandwidthCVLeastSquaresND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_float_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_FloatBandwidthCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_float_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_FloatBandwidthCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'FloatBandwidthCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > >::operator ()(npstat::HistoND< float > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > >::operator ()(npstat::HistoND< float > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_FloatBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatBandwidthCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > > *)new npstat::BandwidthCVLeastSquaresND< float,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatBandwidthCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_float_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatBandwidthCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_DoubleBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleBandwidthCVLeastSquaresND" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthCVLeastSquaresND___call____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< double > *arg2 = 0 ;
npstat::ArrayND< double,1U,10U > *arg3 = 0 ;
npstat::AbsPolyFilterND *arg4 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
double result;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double > * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg3 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg4 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp4);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< double > const &)*arg2,(npstat::ArrayND< double,1U,10U > const &)*arg3,(npstat::AbsPolyFilterND const &)*arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthCVLeastSquaresND___call____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > *arg1 = (npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > *) 0 ;
npstat::HistoND< double > *arg2 = 0 ;
double arg3 ;
npstat::ArrayND< double,1U,10U > *arg4 = 0 ;
npstat::AbsPolyFilterND *arg5 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
double result;
if ((nobjs < 5) || (nobjs > 5)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "1"" of type '" "npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > const *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__HistoNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "2"" of type '" "npstat::HistoND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::HistoND< double > * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, 0 | 0);
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
if (!argp4) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "4"" of type '" "npstat::ArrayND< double,1U,10U > const &""'");
}
arg4 = reinterpret_cast< npstat::ArrayND< double,1U,10U > * >(argp4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5, SWIGTYPE_p_npstat__AbsPolyFilterND, 0 | 0);
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
if (!argp5) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleBandwidthCVLeastSquaresND___call__" "', argument " "5"" of type '" "npstat::AbsPolyFilterND const &""'");
}
arg5 = reinterpret_cast< npstat::AbsPolyFilterND * >(argp5);
{
try {
result = (double)((npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > const *)arg1)->operator ()((npstat::HistoND< double > const &)*arg2,arg3,(npstat::ArrayND< double,1U,10U > const &)*arg4,(npstat::AbsPolyFilterND const &)*arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleBandwidthCVLeastSquaresND___call__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[6] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleBandwidthCVLeastSquaresND___call__", 0, 5, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleBandwidthCVLeastSquaresND___call____SWIG_0(self, argc, argv);
}
}
}
}
}
if (argc == 5) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__HistoNDT_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[3], 0, SWIGTYPE_p_npstat__ArrayNDT_double_1U_10U_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[4], 0, SWIGTYPE_p_npstat__AbsPolyFilterND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleBandwidthCVLeastSquaresND___call____SWIG_1(self, argc, argv);
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleBandwidthCVLeastSquaresND___call__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > >::operator ()(npstat::HistoND< double > const &,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n"
" npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > >::operator ()(npstat::HistoND< double > const &,double,npstat::ArrayND< double,1U,10U > const &,npstat::AbsPolyFilterND const &) const\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_DoubleBandwidthCVLeastSquaresND(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleBandwidthCVLeastSquaresND", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > > *)new npstat::BandwidthCVLeastSquaresND< double,npstat::ArrayND< double > >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleBandwidthCVLeastSquaresND_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthCVLeastSquaresNDT_double_npstat__ArrayNDT_double_1U_10U_t_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleBandwidthCVLeastSquaresND_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_randomHistoFillCND__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< float,npstat::HistoAxis > *arg1 = (npstat::HistoND< float,npstat::HistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_float_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillCND" "', argument " "1"" of type '" "npstat::HistoND< float,npstat::HistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< float,npstat::HistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillCND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillCND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillCND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillCND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillCND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< float,npstat::HistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillCND__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< double,npstat::HistoAxis > *arg1 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillCND" "', argument " "1"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillCND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillCND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillCND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillCND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillCND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< double,npstat::HistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillCND(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "randomHistoFillCND", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_float_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillCND__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillCND__SWIG_2(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'randomHistoFillCND'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::randomHistoFillND< npstat::HistoND< float,npstat::HistoAxis > >(npstat::HistoND< float,npstat::HistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< double,npstat::HistoAxis > >(npstat::HistoND< double,npstat::HistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< int,npstat::HistoAxis > *arg1 = (npstat::HistoND< int,npstat::HistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_int_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< int,npstat::HistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< int,npstat::HistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< int,npstat::HistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< long,npstat::HistoAxis > *arg1 = (npstat::HistoND< long,npstat::HistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_long_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< long,npstat::HistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< long,npstat::HistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< long,npstat::HistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< float,npstat::HistoAxis > *arg1 = (npstat::HistoND< float,npstat::HistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_float_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< float,npstat::HistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< float,npstat::HistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< float,npstat::HistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< double,npstat::HistoAxis > *arg1 = (npstat::HistoND< double,npstat::HistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< double,npstat::HistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< double,npstat::HistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< double,npstat::HistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< unsigned char,npstat::HistoAxis > *arg1 = (npstat::HistoND< unsigned char,npstat::HistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__HistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< unsigned char,npstat::HistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< unsigned char,npstat::HistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< unsigned char,npstat::HistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< int,npstat::NUHistoAxis > *arg1 = (npstat::HistoND< int,npstat::NUHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_int_npstat__NUHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< int,npstat::NUHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< int,npstat::NUHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< int,npstat::NUHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< long,npstat::NUHistoAxis > *arg1 = (npstat::HistoND< long,npstat::NUHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_long_npstat__NUHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< long,npstat::NUHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< long,npstat::NUHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< long,npstat::NUHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< float,npstat::NUHistoAxis > *arg1 = (npstat::HistoND< float,npstat::NUHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_float_npstat__NUHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< float,npstat::NUHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< float,npstat::NUHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< float,npstat::NUHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< double,npstat::NUHistoAxis > *arg1 = (npstat::HistoND< double,npstat::NUHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_double_npstat__NUHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< double,npstat::NUHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< double,npstat::NUHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< double,npstat::NUHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< unsigned char,npstat::NUHistoAxis > *arg1 = (npstat::HistoND< unsigned char,npstat::NUHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__NUHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< unsigned char,npstat::NUHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< unsigned char,npstat::NUHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< unsigned char,npstat::NUHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_11(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< int,npstat::DualHistoAxis > *arg1 = (npstat::HistoND< int,npstat::DualHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_int_npstat__DualHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< int,npstat::DualHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< int,npstat::DualHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< int,npstat::DualHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_12(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< long,npstat::DualHistoAxis > *arg1 = (npstat::HistoND< long,npstat::DualHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_long_npstat__DualHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< long,npstat::DualHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< long,npstat::DualHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< long,npstat::DualHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_13(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< float,npstat::DualHistoAxis > *arg1 = (npstat::HistoND< float,npstat::DualHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_float_npstat__DualHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< float,npstat::DualHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< float,npstat::DualHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< float,npstat::DualHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_14(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< double,npstat::DualHistoAxis > *arg1 = (npstat::HistoND< double,npstat::DualHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_double_npstat__DualHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< double,npstat::DualHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< double,npstat::DualHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< double,npstat::DualHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND__SWIG_15(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< unsigned char,npstat::DualHistoAxis > *arg1 = (npstat::HistoND< unsigned char,npstat::DualHistoAxis > *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
npstat::AbsDistributionND *arg3 = 0 ;
unsigned long arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned long val4 ;
int ecode4 = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__DualHistoAxis_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "randomHistoFillND" "', argument " "1"" of type '" "npstat::HistoND< unsigned char,npstat::DualHistoAxis > *""'");
}
arg1 = reinterpret_cast< npstat::HistoND< unsigned char,npstat::DualHistoAxis > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDistributionND, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "randomHistoFillND" "', argument " "3"" of type '" "npstat::AbsDistributionND const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDistributionND * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_long(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "randomHistoFillND" "', argument " "4"" of type '" "unsigned long""'");
}
arg4 = static_cast< unsigned long >(val4);
{
try {
npstat::SWIGTEMPLATEDISAMBIGUATOR randomHistoFillND< npstat::HistoND< unsigned char,npstat::DualHistoAxis > >(arg1,*arg2,(npstat::AbsDistributionND const &)*arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_randomHistoFillND(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "randomHistoFillND", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_int_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_1(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_long_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_2(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_float_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_3(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_4(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__HistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_5(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_int_npstat__NUHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_6(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_long_npstat__NUHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_7(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_float_npstat__NUHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_8(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__NUHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_9(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__NUHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_10(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_int_npstat__DualHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_11(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_long_npstat__DualHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_12(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_float_npstat__DualHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_13(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_double_npstat__DualHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_14(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_npstat__DualHistoAxis_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_npstat__AbsRandomGenerator, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_npstat__AbsDistributionND, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_randomHistoFillND__SWIG_15(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'randomHistoFillND'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::randomHistoFillND< npstat::HistoND< int,npstat::HistoAxis > >(npstat::HistoND< int,npstat::HistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< long,npstat::HistoAxis > >(npstat::HistoND< long,npstat::HistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< float,npstat::HistoAxis > >(npstat::HistoND< float,npstat::HistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< double,npstat::HistoAxis > >(npstat::HistoND< double,npstat::HistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< unsigned char,npstat::HistoAxis > >(npstat::HistoND< unsigned char,npstat::HistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< int,npstat::NUHistoAxis > >(npstat::HistoND< int,npstat::NUHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< long,npstat::NUHistoAxis > >(npstat::HistoND< long,npstat::NUHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< float,npstat::NUHistoAxis > >(npstat::HistoND< float,npstat::NUHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< double,npstat::NUHistoAxis > >(npstat::HistoND< double,npstat::NUHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< unsigned char,npstat::NUHistoAxis > >(npstat::HistoND< unsigned char,npstat::NUHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< int,npstat::DualHistoAxis > >(npstat::HistoND< int,npstat::DualHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< long,npstat::DualHistoAxis > >(npstat::HistoND< long,npstat::DualHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< float,npstat::DualHistoAxis > >(npstat::HistoND< float,npstat::DualHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< double,npstat::DualHistoAxis > >(npstat::HistoND< double,npstat::DualHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n"
" npstat::randomHistoFillND< npstat::HistoND< unsigned char,npstat::DualHistoAxis > >(npstat::HistoND< unsigned char,npstat::DualHistoAxis > *,npstat::AbsRandomGenerator &,npstat::AbsDistributionND const &,unsigned long)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_new_DoubleKDE1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
npstat::KDE1D< double > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleKDE1D" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleKDE1D" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DoubleKDE1D" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DoubleKDE1D" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
result = (npstat::KDE1D< double > *)new npstat::KDE1D< double >((npstat::AbsKDE1DKernel const &)*arg1,(double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DT_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleKDE1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsKDE1DKernel *arg1 = 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
npstat::KDE1D< double > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleKDE1D" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleKDE1D" "', argument " "1"" of type '" "npstat::AbsKDE1DKernel const &""'");
}
arg1 = reinterpret_cast< npstat::AbsKDE1DKernel * >(argp1);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_DoubleKDE1D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleKDE1D" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
try {
result = (npstat::KDE1D< double > *)new npstat::KDE1D< double >((npstat::AbsKDE1DKernel const &)*arg1,(std::vector< double,std::allocator< double > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DT_double_t, SWIG_POINTER_NEW | 0 );
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleKDE1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::KDE1D< double > *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DoubleKDE1D" "', argument " "1"" of type '" "npstat::KDE1D< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DoubleKDE1D" "', argument " "1"" of type '" "npstat::KDE1D< double > const &""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
{
try {
result = (npstat::KDE1D< double > *)new npstat::KDE1D< double >((npstat::KDE1D< double > const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DT_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleKDE1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DoubleKDE1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__KDE1DT_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DoubleKDE1D__SWIG_2(self, argc, argv);
}
}
if (argc == 2) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsKDE1DKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DoubleKDE1D__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsKDE1DKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DoubleKDE1D__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DoubleKDE1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::KDE1D< double >::KDE1D(npstat::AbsKDE1DKernel const &,double const *,unsigned long const)\n"
" npstat::KDE1D< double >::KDE1D(npstat::AbsKDE1DKernel const &,std::vector< double,std::allocator< double > > const &)\n"
" npstat::KDE1D< double >::KDE1D(npstat::KDE1D< double > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DoubleKDE1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleKDE1D" "', argument " "1"" of type '" "npstat::KDE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_setNormFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1D_setNormFactor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_setNormFactor" "', argument " "1"" of type '" "npstat::KDE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1D_setNormFactor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setNormFactor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_setSample__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
double *arg2 = (double *) 0 ;
unsigned long arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned long val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_setSample" "', argument " "1"" of type '" "npstat::KDE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleKDE1D_setSample" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_long(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleKDE1D_setSample" "', argument " "3"" of type '" "unsigned long""'");
}
arg3 = static_cast< unsigned long >(val3);
{
try {
(arg1)->setSample((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_setSample__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
std::vector< double,std::allocator< double > > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_setSample" "', argument " "1"" of type '" "npstat::KDE1D< double > *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
{
std::vector< double,std::allocator< double > > *ptr = (std::vector< double,std::allocator< double > > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleKDE1D_setSample" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleKDE1D_setSample" "', argument " "2"" of type '" "std::vector< double,std::allocator< double > > const &""'");
}
arg2 = ptr;
}
{
try {
(arg1)->setSample((std::vector< double,std::allocator< double > > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_setSample(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "DoubleKDE1D_setSample", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__KDE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::vector< double,std::allocator< double > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_DoubleKDE1D_setSample__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__KDE1DT_double_t, 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_DoubleKDE1D_setSample__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'DoubleKDE1D_setSample'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::KDE1D< double >::setSample(double const *,unsigned long const)\n"
" npstat::KDE1D< double >::setSample(std::vector< double,std::allocator< double > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_kernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::AbsKDE1DKernel *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_kernel" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
{
try {
result = (npstat::AbsKDE1DKernel *) &((npstat::KDE1D< double > const *)arg1)->kernel();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsKDE1DKernel, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_normFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_normFactor" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
{
try {
result = (double)((npstat::KDE1D< double > const *)arg1)->normFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_coords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
std::vector< double,std::allocator< double > > *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_coords" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
{
try {
result = (std::vector< double,std::allocator< double > > *) &((npstat::KDE1D< double > const *)arg1)->coords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< double,std::allocator< double > > >(*result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_nCoords(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_nCoords" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
{
try {
result = (unsigned long)((npstat::KDE1D< double > const *)arg1)->nCoords();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_minCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_minCoordinate" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
{
try {
result = (double)((npstat::KDE1D< double > const *)arg1)->minCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_maxCoordinate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_maxCoordinate" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
{
try {
result = (double)((npstat::KDE1D< double > const *)arg1)->maxCoordinate();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1D_density", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_density" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1D_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleKDE1D_density" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::KDE1D< double > const *)arg1)->density(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_densityFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::KDE1DFunctorHelper< double > > result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1D_densityFunctor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_densityFunctor" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1D_densityFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::KDE1D< double > const *)arg1)->densityFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::KDE1DFunctorHelper< double >(static_cast< const npstat::KDE1DFunctorHelper< double >& >(result))), SWIGTYPE_p_npstat__KDE1DFunctorHelperT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_rlcvFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::KDE1DRLCVFunctorHelper< double > > result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1D_rlcvFunctor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_rlcvFunctor" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1D_rlcvFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = ((npstat::KDE1D< double > const *)arg1)->rlcvFunctor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::KDE1DRLCVFunctorHelper< double >(static_cast< const npstat::KDE1DRLCVFunctorHelper< double >& >(result))), SWIGTYPE_p_npstat__KDE1DRLCVFunctorHelperT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_lscvFunctor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
double arg2 ;
double arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
PyObject *swig_obj[5] ;
SwigValueWrapper< npstat::KDE1DLSCVFunctorHelper< double > > result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1D_lscvFunctor", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_lscvFunctor" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1D_lscvFunctor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleKDE1D_lscvFunctor" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleKDE1D_lscvFunctor" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleKDE1D_lscvFunctor" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
{
try {
result = ((npstat::KDE1D< double > const *)arg1)->lscvFunctor(arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::KDE1DLSCVFunctorHelper< double >(static_cast< const npstat::KDE1DLSCVFunctorHelper< double >& >(result))), SWIGTYPE_p_npstat__KDE1DLSCVFunctorHelperT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_densityIntegral(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
double arg2 ;
double arg3 ;
unsigned int arg4 ;
unsigned int arg5 ;
double arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
double val6 ;
int ecode6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1D_densityIntegral", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_densityIntegral" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1D_densityIntegral" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleKDE1D_densityIntegral" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleKDE1D_densityIntegral" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleKDE1D_densityIntegral" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_double(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "DoubleKDE1D_densityIntegral" "', argument " "6"" of type '" "double""'");
}
arg6 = static_cast< double >(val6);
{
try {
result = (double)((npstat::KDE1D< double > const *)arg1)->densityIntegral(arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_integratedSquaredError(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
unsigned int arg3 ;
unsigned int arg4 ;
double arg5 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
double val5 ;
int ecode5 = 0 ;
PyObject *swig_obj[5] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1D_integratedSquaredError", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_integratedSquaredError" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DoubleKDE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DoubleKDE1D_integratedSquaredError" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleKDE1D_integratedSquaredError" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleKDE1D_integratedSquaredError" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
ecode5 = SWIG_AsVal_double(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleKDE1D_integratedSquaredError" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
result = (double)((npstat::KDE1D< double > const *)arg1)->integratedSquaredError((npstat::AbsDistribution1D const &)*arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_rlcv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1D_rlcv", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_rlcv" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1D_rlcv" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleKDE1D_rlcv" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (double)((npstat::KDE1D< double > const *)arg1)->rlcv(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleKDE1D_lscv(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1D< double > *arg1 = (npstat::KDE1D< double > *) 0 ;
double arg2 ;
double arg3 ;
double arg4 ;
unsigned int arg5 ;
unsigned int arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
unsigned int val5 ;
int ecode5 = 0 ;
unsigned int val6 ;
int ecode6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DoubleKDE1D_lscv", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleKDE1D_lscv" "', argument " "1"" of type '" "npstat::KDE1D< double > const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1D< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleKDE1D_lscv" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DoubleKDE1D_lscv" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "DoubleKDE1D_lscv" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
ecode5 = SWIG_AsVal_unsigned_SS_int(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "DoubleKDE1D_lscv" "', argument " "5"" of type '" "unsigned int""'");
}
arg5 = static_cast< unsigned int >(val5);
ecode6 = SWIG_AsVal_unsigned_SS_int(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "DoubleKDE1D_lscv" "', argument " "6"" of type '" "unsigned int""'");
}
arg6 = static_cast< unsigned int >(val6);
{
try {
result = (double)((npstat::KDE1D< double > const *)arg1)->lscv(arg2,arg3,arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleKDE1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDE1DT_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleKDE1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UCharArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< unsigned char > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharArrayMinProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMinProjector< unsigned char > *)new npstat::ArrayMinProjector< unsigned char >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMinProjectorT_unsigned_char_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_UCharArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< unsigned char > *arg1 = (npstat::ArrayMinProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_unsigned_char_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharArrayMinProjector" "', argument " "1"" of type '" "npstat::ArrayMinProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< unsigned char > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMinProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< unsigned char > *arg1 = (npstat::ArrayMinProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMinProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMinProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< unsigned char > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMinProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< unsigned char > *arg1 = (npstat::ArrayMinProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned char result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMinProjector_result" "', argument " "1"" of type '" "npstat::ArrayMinProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< unsigned char > * >(argp1);
{
try {
result = (unsigned char)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_char(static_cast< unsigned char >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMinProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< unsigned char > *arg1 = (npstat::ArrayMinProjector< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "UCharArrayMinProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMinProjector_process" "', argument " "1"" of type '" "npstat::ArrayMinProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharArrayMinProjector_process" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((unsigned char const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharArrayMinProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMinProjectorT_unsigned_char_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharArrayMinProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_IntArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< int > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntArrayMinProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMinProjector< int > *)new npstat::ArrayMinProjector< int >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMinProjectorT_int_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_IntArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< int > *arg1 = (npstat::ArrayMinProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_int_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntArrayMinProjector" "', argument " "1"" of type '" "npstat::ArrayMinProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< int > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMinProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< int > *arg1 = (npstat::ArrayMinProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMinProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMinProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< int > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMinProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< int > *arg1 = (npstat::ArrayMinProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMinProjector_result" "', argument " "1"" of type '" "npstat::ArrayMinProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< int > * >(argp1);
{
try {
result = (int)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMinProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< int > *arg1 = (npstat::ArrayMinProjector< int > *) 0 ;
int *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "IntArrayMinProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMinProjector_process" "', argument " "1"" of type '" "npstat::ArrayMinProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntArrayMinProjector_process" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((int const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntArrayMinProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMinProjectorT_int_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntArrayMinProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LongArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< long > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongArrayMinProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMinProjector< long > *)new npstat::ArrayMinProjector< long >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMinProjectorT_long_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LongArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< long > *arg1 = (npstat::ArrayMinProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_long_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongArrayMinProjector" "', argument " "1"" of type '" "npstat::ArrayMinProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< long > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMinProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< long > *arg1 = (npstat::ArrayMinProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMinProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMinProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< long > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMinProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< long > *arg1 = (npstat::ArrayMinProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMinProjector_result" "', argument " "1"" of type '" "npstat::ArrayMinProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< long > * >(argp1);
{
try {
result = (long)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMinProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< long > *arg1 = (npstat::ArrayMinProjector< long > *) 0 ;
long *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "LongArrayMinProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMinProjector_process" "', argument " "1"" of type '" "npstat::ArrayMinProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongArrayMinProjector_process" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((long const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongArrayMinProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMinProjectorT_long_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongArrayMinProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_FloatArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< float > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatArrayMinProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMinProjector< float > *)new npstat::ArrayMinProjector< float >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMinProjectorT_float_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_FloatArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< float > *arg1 = (npstat::ArrayMinProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_float_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatArrayMinProjector" "', argument " "1"" of type '" "npstat::ArrayMinProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< float > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMinProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< float > *arg1 = (npstat::ArrayMinProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMinProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMinProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< float > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMinProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< float > *arg1 = (npstat::ArrayMinProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
float result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMinProjector_result" "', argument " "1"" of type '" "npstat::ArrayMinProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< float > * >(argp1);
{
try {
result = (float)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_float(static_cast< float >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMinProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< float > *arg1 = (npstat::ArrayMinProjector< float > *) 0 ;
float *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "FloatArrayMinProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMinProjector_process" "', argument " "1"" of type '" "npstat::ArrayMinProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatArrayMinProjector_process" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((float const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatArrayMinProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMinProjectorT_float_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatArrayMinProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleArrayMinProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMinProjector< double > *)new npstat::ArrayMinProjector< double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMinProjectorT_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleArrayMinProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< double > *arg1 = (npstat::ArrayMinProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleArrayMinProjector" "', argument " "1"" of type '" "npstat::ArrayMinProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMinProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< double > *arg1 = (npstat::ArrayMinProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMinProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMinProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< double > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMinProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< double > *arg1 = (npstat::ArrayMinProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMinProjector_result" "', argument " "1"" of type '" "npstat::ArrayMinProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMinProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMinProjector< double > *arg1 = (npstat::ArrayMinProjector< double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleArrayMinProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMinProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMinProjector_process" "', argument " "1"" of type '" "npstat::ArrayMinProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMinProjector< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleArrayMinProjector_process" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleArrayMinProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMinProjectorT_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleArrayMinProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UCharArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< unsigned char > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharArrayMaxProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMaxProjector< unsigned char > *)new npstat::ArrayMaxProjector< unsigned char >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMaxProjectorT_unsigned_char_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_UCharArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< unsigned char > *arg1 = (npstat::ArrayMaxProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_unsigned_char_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharArrayMaxProjector" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< unsigned char > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMaxProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< unsigned char > *arg1 = (npstat::ArrayMaxProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMaxProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< unsigned char > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMaxProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< unsigned char > *arg1 = (npstat::ArrayMaxProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned char result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMaxProjector_result" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< unsigned char > * >(argp1);
{
try {
result = (unsigned char)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_char(static_cast< unsigned char >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMaxProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< unsigned char > *arg1 = (npstat::ArrayMaxProjector< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "UCharArrayMaxProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMaxProjector_process" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharArrayMaxProjector_process" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((unsigned char const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharArrayMaxProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMaxProjectorT_unsigned_char_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharArrayMaxProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_IntArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< int > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntArrayMaxProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMaxProjector< int > *)new npstat::ArrayMaxProjector< int >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMaxProjectorT_int_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_IntArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< int > *arg1 = (npstat::ArrayMaxProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_int_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntArrayMaxProjector" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< int > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMaxProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< int > *arg1 = (npstat::ArrayMaxProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMaxProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< int > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMaxProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< int > *arg1 = (npstat::ArrayMaxProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMaxProjector_result" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< int > * >(argp1);
{
try {
result = (int)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMaxProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< int > *arg1 = (npstat::ArrayMaxProjector< int > *) 0 ;
int *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "IntArrayMaxProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMaxProjector_process" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntArrayMaxProjector_process" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((int const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntArrayMaxProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMaxProjectorT_int_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntArrayMaxProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LongArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< long > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongArrayMaxProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMaxProjector< long > *)new npstat::ArrayMaxProjector< long >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMaxProjectorT_long_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LongArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< long > *arg1 = (npstat::ArrayMaxProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_long_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongArrayMaxProjector" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< long > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMaxProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< long > *arg1 = (npstat::ArrayMaxProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMaxProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< long > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMaxProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< long > *arg1 = (npstat::ArrayMaxProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMaxProjector_result" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< long > * >(argp1);
{
try {
result = (long)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMaxProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< long > *arg1 = (npstat::ArrayMaxProjector< long > *) 0 ;
long *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "LongArrayMaxProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMaxProjector_process" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongArrayMaxProjector_process" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((long const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongArrayMaxProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMaxProjectorT_long_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongArrayMaxProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_FloatArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< float > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatArrayMaxProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMaxProjector< float > *)new npstat::ArrayMaxProjector< float >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMaxProjectorT_float_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_FloatArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< float > *arg1 = (npstat::ArrayMaxProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_float_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatArrayMaxProjector" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< float > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMaxProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< float > *arg1 = (npstat::ArrayMaxProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMaxProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< float > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMaxProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< float > *arg1 = (npstat::ArrayMaxProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
float result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMaxProjector_result" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< float > * >(argp1);
{
try {
result = (float)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_float(static_cast< float >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMaxProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< float > *arg1 = (npstat::ArrayMaxProjector< float > *) 0 ;
float *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "FloatArrayMaxProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMaxProjector_process" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatArrayMaxProjector_process" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((float const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatArrayMaxProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMaxProjectorT_float_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatArrayMaxProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleArrayMaxProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMaxProjector< double > *)new npstat::ArrayMaxProjector< double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMaxProjectorT_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleArrayMaxProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< double > *arg1 = (npstat::ArrayMaxProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleArrayMaxProjector" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMaxProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< double > *arg1 = (npstat::ArrayMaxProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMaxProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< double > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMaxProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< double > *arg1 = (npstat::ArrayMaxProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMaxProjector_result" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMaxProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMaxProjector< double > *arg1 = (npstat::ArrayMaxProjector< double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleArrayMaxProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMaxProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMaxProjector_process" "', argument " "1"" of type '" "npstat::ArrayMaxProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMaxProjector< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleArrayMaxProjector_process" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleArrayMaxProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMaxProjectorT_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleArrayMaxProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UCharArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< unsigned char > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharArrayMedianProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMedianProjector< unsigned char > *)new npstat::ArrayMedianProjector< unsigned char >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMedianProjectorT_unsigned_char_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_UCharArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< unsigned char > *arg1 = (npstat::ArrayMedianProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_unsigned_char_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharArrayMedianProjector" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< unsigned char > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMedianProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< unsigned char > *arg1 = (npstat::ArrayMedianProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMedianProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< unsigned char > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMedianProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< unsigned char > *arg1 = (npstat::ArrayMedianProjector< unsigned char > *) 0 ;
unsigned char *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "UCharArrayMedianProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMedianProjector_process" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< unsigned char > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharArrayMedianProjector_process" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((unsigned char const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMedianProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< unsigned char > *arg1 = (npstat::ArrayMedianProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned char result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMedianProjector_result" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< unsigned char > * >(argp1);
{
try {
result = (unsigned char)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_char(static_cast< unsigned char >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharArrayMedianProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMedianProjectorT_unsigned_char_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharArrayMedianProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_IntArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< int > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntArrayMedianProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMedianProjector< int > *)new npstat::ArrayMedianProjector< int >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMedianProjectorT_int_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_IntArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< int > *arg1 = (npstat::ArrayMedianProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_int_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntArrayMedianProjector" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< int > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMedianProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< int > *arg1 = (npstat::ArrayMedianProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMedianProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< int > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMedianProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< int > *arg1 = (npstat::ArrayMedianProjector< int > *) 0 ;
int *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "IntArrayMedianProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMedianProjector_process" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< int > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntArrayMedianProjector_process" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((int const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMedianProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< int > *arg1 = (npstat::ArrayMedianProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMedianProjector_result" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< int > * >(argp1);
{
try {
result = (int)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntArrayMedianProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMedianProjectorT_int_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntArrayMedianProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LongArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< long > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongArrayMedianProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMedianProjector< long > *)new npstat::ArrayMedianProjector< long >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMedianProjectorT_long_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LongArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< long > *arg1 = (npstat::ArrayMedianProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_long_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongArrayMedianProjector" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< long > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMedianProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< long > *arg1 = (npstat::ArrayMedianProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMedianProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< long > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMedianProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< long > *arg1 = (npstat::ArrayMedianProjector< long > *) 0 ;
long *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "LongArrayMedianProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMedianProjector_process" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< long > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongArrayMedianProjector_process" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((long const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMedianProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< long > *arg1 = (npstat::ArrayMedianProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMedianProjector_result" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< long > * >(argp1);
{
try {
result = (long)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongArrayMedianProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMedianProjectorT_long_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongArrayMedianProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_FloatArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< float > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatArrayMedianProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMedianProjector< float > *)new npstat::ArrayMedianProjector< float >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMedianProjectorT_float_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_FloatArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< float > *arg1 = (npstat::ArrayMedianProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_float_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatArrayMedianProjector" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< float > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMedianProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< float > *arg1 = (npstat::ArrayMedianProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMedianProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< float > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMedianProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< float > *arg1 = (npstat::ArrayMedianProjector< float > *) 0 ;
float *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "FloatArrayMedianProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMedianProjector_process" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< float > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatArrayMedianProjector_process" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((float const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMedianProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< float > *arg1 = (npstat::ArrayMedianProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
float result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMedianProjector_result" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< float > * >(argp1);
{
try {
result = (float)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_float(static_cast< float >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatArrayMedianProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMedianProjectorT_float_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatArrayMedianProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleArrayMedianProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMedianProjector< double > *)new npstat::ArrayMedianProjector< double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMedianProjectorT_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleArrayMedianProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< double > *arg1 = (npstat::ArrayMedianProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleArrayMedianProjector" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMedianProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< double > *arg1 = (npstat::ArrayMedianProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMedianProjector_clear" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< double > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMedianProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< double > *arg1 = (npstat::ArrayMedianProjector< double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleArrayMedianProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMedianProjector_process" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleArrayMedianProjector_process" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMedianProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMedianProjector< double > *arg1 = (npstat::ArrayMedianProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMedianProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMedianProjector_result" "', argument " "1"" of type '" "npstat::ArrayMedianProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMedianProjector< double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleArrayMedianProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMedianProjectorT_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleArrayMedianProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UCharArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< unsigned char > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharArrayRangeProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayRangeProjector< unsigned char > *)new npstat::ArrayRangeProjector< unsigned char >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayRangeProjectorT_unsigned_char_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_UCharArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< unsigned char > *arg1 = (npstat::ArrayRangeProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_unsigned_char_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharArrayRangeProjector" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< unsigned char > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayRangeProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< unsigned char > *arg1 = (npstat::ArrayRangeProjector< unsigned char > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned char result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_unsigned_char_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayRangeProjector_result" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< unsigned char > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< unsigned char > * >(argp1);
{
try {
result = (unsigned char)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_char(static_cast< unsigned char >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharArrayRangeProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayRangeProjectorT_unsigned_char_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharArrayRangeProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_IntArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< int > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntArrayRangeProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayRangeProjector< int > *)new npstat::ArrayRangeProjector< int >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayRangeProjectorT_int_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_IntArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< int > *arg1 = (npstat::ArrayRangeProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_int_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntArrayRangeProjector" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< int > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayRangeProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< int > *arg1 = (npstat::ArrayRangeProjector< int > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_int_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayRangeProjector_result" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< int > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< int > * >(argp1);
{
try {
result = (int)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntArrayRangeProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayRangeProjectorT_int_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntArrayRangeProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LongArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< long > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongArrayRangeProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayRangeProjector< long > *)new npstat::ArrayRangeProjector< long >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayRangeProjectorT_long_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LongArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< long > *arg1 = (npstat::ArrayRangeProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_long_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongArrayRangeProjector" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< long > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayRangeProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< long > *arg1 = (npstat::ArrayRangeProjector< long > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_long_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayRangeProjector_result" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< long > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< long > * >(argp1);
{
try {
result = (long)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongArrayRangeProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayRangeProjectorT_long_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongArrayRangeProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_FloatArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< float > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatArrayRangeProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayRangeProjector< float > *)new npstat::ArrayRangeProjector< float >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayRangeProjectorT_float_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_FloatArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< float > *arg1 = (npstat::ArrayRangeProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_float_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatArrayRangeProjector" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< float > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayRangeProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< float > *arg1 = (npstat::ArrayRangeProjector< float > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
float result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_float_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayRangeProjector_result" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< float > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< float > * >(argp1);
{
try {
result = (float)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_float(static_cast< float >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatArrayRangeProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayRangeProjectorT_float_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatArrayRangeProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleArrayRangeProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayRangeProjector< double > *)new npstat::ArrayRangeProjector< double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayRangeProjectorT_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleArrayRangeProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< double > *arg1 = (npstat::ArrayRangeProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleArrayRangeProjector" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayRangeProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayRangeProjector< double > *arg1 = (npstat::ArrayRangeProjector< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayRangeProjectorT_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayRangeProjector_result" "', argument " "1"" of type '" "npstat::ArrayRangeProjector< double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayRangeProjector< double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleArrayRangeProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayRangeProjectorT_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleArrayRangeProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< double,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleArraySumProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArraySumProjector< double,double,long double > *)new npstat::ArraySumProjector< double,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArraySumProjectorT_double_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< double,double,long double > *arg1 = (npstat::ArraySumProjector< double,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_double_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleArraySumProjector" "', argument " "1"" of type '" "npstat::ArraySumProjector< double,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< double,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArraySumProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< double,double,long double > *arg1 = (npstat::ArraySumProjector< double,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_double_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArraySumProjector_clear" "', argument " "1"" of type '" "npstat::ArraySumProjector< double,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< double,double,long double > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArraySumProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< double,double,long double > *arg1 = (npstat::ArraySumProjector< double,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_double_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArraySumProjector_result" "', argument " "1"" of type '" "npstat::ArraySumProjector< double,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< double,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArraySumProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< double,double,long double > *arg1 = (npstat::ArraySumProjector< double,double,long double > *) 0 ;
double *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double temp2 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DoubleArraySumProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_double_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArraySumProjector_process" "', argument " "1"" of type '" "npstat::ArraySumProjector< double,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< double,double,long double > * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DoubleArraySumProjector_process" "', argument " "2"" of type '" "double""'");
}
temp2 = static_cast< double >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((double const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleArraySumProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArraySumProjectorT_double_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleArraySumProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_FloatArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< float,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatArraySumProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArraySumProjector< float,double,long double > *)new npstat::ArraySumProjector< float,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArraySumProjectorT_float_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_FloatArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< float,double,long double > *arg1 = (npstat::ArraySumProjector< float,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_float_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatArraySumProjector" "', argument " "1"" of type '" "npstat::ArraySumProjector< float,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< float,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArraySumProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< float,double,long double > *arg1 = (npstat::ArraySumProjector< float,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_float_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArraySumProjector_clear" "', argument " "1"" of type '" "npstat::ArraySumProjector< float,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< float,double,long double > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArraySumProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< float,double,long double > *arg1 = (npstat::ArraySumProjector< float,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_float_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArraySumProjector_result" "', argument " "1"" of type '" "npstat::ArraySumProjector< float,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< float,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArraySumProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< float,double,long double > *arg1 = (npstat::ArraySumProjector< float,double,long double > *) 0 ;
float *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
float temp2 ;
float val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "FloatArraySumProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_float_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArraySumProjector_process" "', argument " "1"" of type '" "npstat::ArraySumProjector< float,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< float,double,long double > * >(argp1);
ecode2 = SWIG_AsVal_float(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "FloatArraySumProjector_process" "', argument " "2"" of type '" "float""'");
}
temp2 = static_cast< float >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((float const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatArraySumProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArraySumProjectorT_float_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatArraySumProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_IntArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< int,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntArraySumProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArraySumProjector< int,double,long double > *)new npstat::ArraySumProjector< int,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArraySumProjectorT_int_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_IntArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< int,double,long double > *arg1 = (npstat::ArraySumProjector< int,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_int_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntArraySumProjector" "', argument " "1"" of type '" "npstat::ArraySumProjector< int,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< int,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArraySumProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< int,double,long double > *arg1 = (npstat::ArraySumProjector< int,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_int_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArraySumProjector_clear" "', argument " "1"" of type '" "npstat::ArraySumProjector< int,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< int,double,long double > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArraySumProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< int,double,long double > *arg1 = (npstat::ArraySumProjector< int,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_int_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArraySumProjector_result" "', argument " "1"" of type '" "npstat::ArraySumProjector< int,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< int,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArraySumProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< int,double,long double > *arg1 = (npstat::ArraySumProjector< int,double,long double > *) 0 ;
int *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int temp2 ;
int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "IntArraySumProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_int_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArraySumProjector_process" "', argument " "1"" of type '" "npstat::ArraySumProjector< int,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< int,double,long double > * >(argp1);
ecode2 = SWIG_AsVal_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "IntArraySumProjector_process" "', argument " "2"" of type '" "int""'");
}
temp2 = static_cast< int >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((int const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntArraySumProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArraySumProjectorT_int_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntArraySumProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LongArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< long,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongArraySumProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArraySumProjector< long,double,long double > *)new npstat::ArraySumProjector< long,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArraySumProjectorT_long_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LongArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< long,double,long double > *arg1 = (npstat::ArraySumProjector< long,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_long_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongArraySumProjector" "', argument " "1"" of type '" "npstat::ArraySumProjector< long,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< long,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArraySumProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< long,double,long double > *arg1 = (npstat::ArraySumProjector< long,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_long_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArraySumProjector_clear" "', argument " "1"" of type '" "npstat::ArraySumProjector< long,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< long,double,long double > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArraySumProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< long,double,long double > *arg1 = (npstat::ArraySumProjector< long,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_long_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArraySumProjector_result" "', argument " "1"" of type '" "npstat::ArraySumProjector< long,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< long,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArraySumProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< long,double,long double > *arg1 = (npstat::ArraySumProjector< long,double,long double > *) 0 ;
long *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
long temp2 ;
long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "LongArraySumProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_long_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArraySumProjector_process" "', argument " "1"" of type '" "npstat::ArraySumProjector< long,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< long,double,long double > * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "LongArraySumProjector_process" "', argument " "2"" of type '" "long""'");
}
temp2 = static_cast< long >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((long const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongArraySumProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArraySumProjectorT_long_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongArraySumProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UCharArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< unsigned char,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharArraySumProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArraySumProjector< unsigned char,double,long double > *)new npstat::ArraySumProjector< unsigned char,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArraySumProjectorT_unsigned_char_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_UCharArraySumProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< unsigned char,double,long double > *arg1 = (npstat::ArraySumProjector< unsigned char,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_unsigned_char_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharArraySumProjector" "', argument " "1"" of type '" "npstat::ArraySumProjector< unsigned char,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< unsigned char,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArraySumProjector_clear(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< unsigned char,double,long double > *arg1 = (npstat::ArraySumProjector< unsigned char,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_unsigned_char_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArraySumProjector_clear" "', argument " "1"" of type '" "npstat::ArraySumProjector< unsigned char,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< unsigned char,double,long double > * >(argp1);
{
try {
(arg1)->clear();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArraySumProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< unsigned char,double,long double > *arg1 = (npstat::ArraySumProjector< unsigned char,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_unsigned_char_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArraySumProjector_result" "', argument " "1"" of type '" "npstat::ArraySumProjector< unsigned char,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< unsigned char,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArraySumProjector_process(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArraySumProjector< unsigned char,double,long double > *arg1 = (npstat::ArraySumProjector< unsigned char,double,long double > *) 0 ;
unsigned char *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned char temp2 ;
unsigned char val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "UCharArraySumProjector_process", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArraySumProjectorT_unsigned_char_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArraySumProjector_process" "', argument " "1"" of type '" "npstat::ArraySumProjector< unsigned char,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArraySumProjector< unsigned char,double,long double > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_char(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "UCharArraySumProjector_process" "', argument " "2"" of type '" "unsigned char""'");
}
temp2 = static_cast< unsigned char >(val2);
arg2 = &temp2;
{
try {
(arg1)->process((unsigned char const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharArraySumProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArraySumProjectorT_unsigned_char_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharArraySumProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DoubleArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< double,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleArrayMeanProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMeanProjector< double,double,long double > *)new npstat::ArrayMeanProjector< double,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMeanProjectorT_double_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DoubleArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< double,double,long double > *arg1 = (npstat::ArrayMeanProjector< double,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_double_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleArrayMeanProjector" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< double,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< double,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DoubleArrayMeanProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< double,double,long double > *arg1 = (npstat::ArrayMeanProjector< double,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_double_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DoubleArrayMeanProjector_result" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< double,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< double,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleArrayMeanProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMeanProjectorT_double_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleArrayMeanProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_FloatArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< float,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatArrayMeanProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMeanProjector< float,double,long double > *)new npstat::ArrayMeanProjector< float,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMeanProjectorT_float_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_FloatArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< float,double,long double > *arg1 = (npstat::ArrayMeanProjector< float,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_float_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatArrayMeanProjector" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< float,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< float,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_FloatArrayMeanProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< float,double,long double > *arg1 = (npstat::ArrayMeanProjector< float,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_float_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "FloatArrayMeanProjector_result" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< float,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< float,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatArrayMeanProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMeanProjectorT_float_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatArrayMeanProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_IntArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< int,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntArrayMeanProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMeanProjector< int,double,long double > *)new npstat::ArrayMeanProjector< int,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMeanProjectorT_int_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_IntArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< int,double,long double > *arg1 = (npstat::ArrayMeanProjector< int,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_int_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntArrayMeanProjector" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< int,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< int,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_IntArrayMeanProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< int,double,long double > *arg1 = (npstat::ArrayMeanProjector< int,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_int_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "IntArrayMeanProjector_result" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< int,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< int,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntArrayMeanProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMeanProjectorT_int_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntArrayMeanProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_LongArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< long,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongArrayMeanProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMeanProjector< long,double,long double > *)new npstat::ArrayMeanProjector< long,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMeanProjectorT_long_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_LongArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< long,double,long double > *arg1 = (npstat::ArrayMeanProjector< long,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_long_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongArrayMeanProjector" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< long,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< long,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_LongArrayMeanProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< long,double,long double > *arg1 = (npstat::ArrayMeanProjector< long,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_long_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "LongArrayMeanProjector_result" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< long,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< long,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongArrayMeanProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMeanProjectorT_long_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongArrayMeanProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_UCharArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< unsigned char,double,long double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharArrayMeanProjector", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::ArrayMeanProjector< unsigned char,double,long double > *)new npstat::ArrayMeanProjector< unsigned char,double,long double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ArrayMeanProjectorT_unsigned_char_double_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_UCharArrayMeanProjector(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< unsigned char,double,long double > *arg1 = (npstat::ArrayMeanProjector< unsigned char,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_unsigned_char_double_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharArrayMeanProjector" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< unsigned char,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< unsigned char,double,long double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_UCharArrayMeanProjector_result(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ArrayMeanProjector< unsigned char,double,long double > *arg1 = (npstat::ArrayMeanProjector< unsigned char,double,long double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ArrayMeanProjectorT_unsigned_char_double_long_double_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "UCharArrayMeanProjector_result" "', argument " "1"" of type '" "npstat::ArrayMeanProjector< unsigned char,double,long double > *""'");
}
arg1 = reinterpret_cast< npstat::ArrayMeanProjector< unsigned char,double,long double > * >(argp1);
{
try {
result = (double)(arg1)->result();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharArrayMeanProjector_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ArrayMeanProjectorT_unsigned_char_double_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharArrayMeanProjector_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_StatAccumulatorPair(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_StatAccumulatorPair", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::StatAccumulatorPair *)new npstat::StatAccumulatorPair();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_first(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::StatAccumulator *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_first" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
try {
result = (npstat::StatAccumulator *) &((npstat::StatAccumulatorPair const *)arg1)->first();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulator, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_second(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::StatAccumulator *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_second" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
try {
result = (npstat::StatAccumulator *) &((npstat::StatAccumulatorPair const *)arg1)->second();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulator, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_crossSumsq(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
long double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_crossSumsq" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
try {
result = (long double)((npstat::StatAccumulatorPair const *)arg1)->crossSumsq();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new long double(static_cast< const long double& >(result))), SWIGTYPE_p_long_double, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_count(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_count" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
try {
result = (unsigned long)((npstat::StatAccumulatorPair const *)arg1)->count();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_long(static_cast< unsigned long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_cov(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_cov" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
try {
result = (double)((npstat::StatAccumulatorPair const *)arg1)->cov();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_corr(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_corr" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
try {
result = (double)((npstat::StatAccumulatorPair const *)arg1)->corr();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_accumulate__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
double arg2 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_accumulate" "', argument " "1"" of type '" "npstat::StatAccumulatorPair *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "StatAccumulatorPair_accumulate" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "StatAccumulatorPair_accumulate" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
(arg1)->accumulate(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_accumulate__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
std::pair< double,double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_accumulate" "', argument " "1"" of type '" "npstat::StatAccumulatorPair *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
std::pair< double,double > *ptr = (std::pair< double,double > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorPair_accumulate" "', argument " "2"" of type '" "std::pair< double,double > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorPair_accumulate" "', argument " "2"" of type '" "std::pair< double,double > const &""'");
}
arg2 = ptr;
}
{
try {
(arg1)->accumulate((std::pair< double,double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_accumulate__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
npstat::StatAccumulatorPair *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_accumulate" "', argument " "1"" of type '" "npstat::StatAccumulatorPair *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorPair_accumulate" "', argument " "2"" of type '" "npstat::StatAccumulatorPair const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorPair_accumulate" "', argument " "2"" of type '" "npstat::StatAccumulatorPair const &""'");
}
arg2 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp2);
{
try {
(arg1)->accumulate((npstat::StatAccumulatorPair const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_accumulate(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "StatAccumulatorPair_accumulate", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__StatAccumulatorPair, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_StatAccumulatorPair_accumulate__SWIG_2(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__StatAccumulatorPair, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::pair< double,double >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_StatAccumulatorPair_accumulate__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__StatAccumulatorPair, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_StatAccumulatorPair_accumulate__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'StatAccumulatorPair_accumulate'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::StatAccumulatorPair::accumulate(double,double)\n"
" npstat::StatAccumulatorPair::accumulate(std::pair< double,double > const &)\n"
" npstat::StatAccumulatorPair::accumulate(npstat::StatAccumulatorPair const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_reset(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_reset" "', argument " "1"" of type '" "npstat::StatAccumulatorPair *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
try {
(arg1)->reset();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair___iadd____SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
std::pair< double,double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 = SWIG_OLDOBJ ;
npstat::StatAccumulatorPair *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair___iadd__" "', argument " "1"" of type '" "npstat::StatAccumulatorPair *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
std::pair< double,double > *ptr = (std::pair< double,double > *)0;
res2 = swig::asptr(swig_obj[1], &ptr);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorPair___iadd__" "', argument " "2"" of type '" "std::pair< double,double > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorPair___iadd__" "', argument " "2"" of type '" "std::pair< double,double > const &""'");
}
arg2 = ptr;
}
{
try {
result = (npstat::StatAccumulatorPair *) &(arg1)->operator +=((std::pair< double,double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res2)) delete arg2;
return resultobj;
fail:
if (SWIG_IsNewObj(res2)) delete arg2;
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair___iadd____SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
npstat::StatAccumulatorPair *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
npstat::StatAccumulatorPair *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair___iadd__" "', argument " "1"" of type '" "npstat::StatAccumulatorPair *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorPair___iadd__" "', argument " "2"" of type '" "npstat::StatAccumulatorPair const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorPair___iadd__" "', argument " "2"" of type '" "npstat::StatAccumulatorPair const &""'");
}
arg2 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp2);
{
try {
result = (npstat::StatAccumulatorPair *) &(arg1)->operator +=((npstat::StatAccumulatorPair const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair___iadd__(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "StatAccumulatorPair___iadd__", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__StatAccumulatorPair, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_StatAccumulatorPair___iadd____SWIG_1(self, argc, argv);
}
}
}
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_npstat__StatAccumulatorPair, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = swig::asptr(argv[1], (std::pair< double,double >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_StatAccumulatorPair___iadd____SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'StatAccumulatorPair___iadd__'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::StatAccumulatorPair::operator +=(std::pair< double,double > const &)\n"
" npstat::StatAccumulatorPair::operator +=(npstat::StatAccumulatorPair const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
npstat::StatAccumulatorPair *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorPair___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair___eq__" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorPair___eq__" "', argument " "2"" of type '" "npstat::StatAccumulatorPair const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorPair___eq__" "', argument " "2"" of type '" "npstat::StatAccumulatorPair const &""'");
}
arg2 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp2);
{
try {
result = (bool)((npstat::StatAccumulatorPair const *)arg1)->operator ==((npstat::StatAccumulatorPair const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
npstat::StatAccumulatorPair *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorPair___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair___ne__" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorPair___ne__" "', argument " "2"" of type '" "npstat::StatAccumulatorPair const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorPair___ne__" "', argument " "2"" of type '" "npstat::StatAccumulatorPair const &""'");
}
arg2 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp2);
{
try {
result = (bool)((npstat::StatAccumulatorPair const *)arg1)->operator !=((npstat::StatAccumulatorPair const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_classId" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
try {
result = ((npstat::StatAccumulatorPair const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorPair_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_write" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorPair_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorPair_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::StatAccumulatorPair const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorPair_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::StatAccumulatorPair::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorPair_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::StatAccumulatorPair::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_StatAccumulatorPair_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
npstat::StatAccumulatorPair *arg3 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "StatAccumulatorPair_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "StatAccumulatorPair_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorPair_restore" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "StatAccumulatorPair_restore" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "StatAccumulatorPair_restore" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "StatAccumulatorPair_restore" "', argument " "3"" of type '" "npstat::StatAccumulatorPair *""'");
}
arg3 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp3);
{
try {
npstat::StatAccumulatorPair::restore((gs::ClassId const &)*arg1,*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_StatAccumulatorPair(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_StatAccumulatorPair" "', argument " "1"" of type '" "npstat::StatAccumulatorPair *""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *StatAccumulatorPair_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *StatAccumulatorPair_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_StatAccumulatorPair(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::StatAccumulatorPair > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_StatAccumulatorPair", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_StatAccumulatorPair" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_StatAccumulatorPair" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const &""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_StatAccumulatorPair" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_StatAccumulatorPair" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::StatAccumulatorPair > *)new gs::ArchiveRecord< npstat::StatAccumulatorPair >((npstat::StatAccumulatorPair const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__StatAccumulatorPair_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_StatAccumulatorPair(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::StatAccumulatorPair > *arg1 = (gs::ArchiveRecord< npstat::StatAccumulatorPair > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__StatAccumulatorPair_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_StatAccumulatorPair" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::StatAccumulatorPair > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::StatAccumulatorPair > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_StatAccumulatorPair_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__StatAccumulatorPair_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_StatAccumulatorPair_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_122(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::StatAccumulatorPair *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::StatAccumulatorPair > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::StatAccumulatorPair const &""'");
}
arg1 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::StatAccumulatorPair >((npstat::StatAccumulatorPair const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::StatAccumulatorPair >(static_cast< const gs::ArchiveRecord< npstat::StatAccumulatorPair >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__StatAccumulatorPair_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_StatAccumulatorPair__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::StatAccumulatorPair > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_StatAccumulatorPair" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorPair" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_StatAccumulatorPair" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::StatAccumulatorPair > *)new gs::Reference< npstat::StatAccumulatorPair >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorPair_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_StatAccumulatorPair__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::StatAccumulatorPair > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_StatAccumulatorPair" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorPair" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_StatAccumulatorPair" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_StatAccumulatorPair" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::StatAccumulatorPair > *)new gs::Reference< npstat::StatAccumulatorPair >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorPair_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_StatAccumulatorPair__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::StatAccumulatorPair > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_StatAccumulatorPair" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorPair" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_StatAccumulatorPair" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorPair" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_StatAccumulatorPair" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_StatAccumulatorPair" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::StatAccumulatorPair > *)new gs::Reference< npstat::StatAccumulatorPair >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorPair_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_StatAccumulatorPair(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_StatAccumulatorPair", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_StatAccumulatorPair__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_StatAccumulatorPair__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_StatAccumulatorPair__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_StatAccumulatorPair'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::StatAccumulatorPair >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::StatAccumulatorPair >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::StatAccumulatorPair >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_StatAccumulatorPair_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::StatAccumulatorPair > *arg1 = (gs::Reference< npstat::StatAccumulatorPair > *) 0 ;
unsigned long arg2 ;
npstat::StatAccumulatorPair *arg3 = (npstat::StatAccumulatorPair *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_StatAccumulatorPair_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorPair_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_StatAccumulatorPair_restore" "', argument " "1"" of type '" "gs::Reference< npstat::StatAccumulatorPair > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::StatAccumulatorPair > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_StatAccumulatorPair_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__StatAccumulatorPair, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_StatAccumulatorPair_restore" "', argument " "3"" of type '" "npstat::StatAccumulatorPair *""'");
}
arg3 = reinterpret_cast< npstat::StatAccumulatorPair * >(argp3);
{
try {
((gs::Reference< npstat::StatAccumulatorPair > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_StatAccumulatorPair_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::StatAccumulatorPair > *arg1 = (gs::Reference< npstat::StatAccumulatorPair > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::StatAccumulatorPair *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_StatAccumulatorPair_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorPair_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_StatAccumulatorPair_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::StatAccumulatorPair > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::StatAccumulatorPair > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_StatAccumulatorPair_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::StatAccumulatorPair *)gs_Reference_Sl_npstat_StatAccumulatorPair_Sg__retrieve((gs::Reference< npstat::StatAccumulatorPair > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_StatAccumulatorPair_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::StatAccumulatorPair > *arg1 = (gs::Reference< npstat::StatAccumulatorPair > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::StatAccumulatorPair result;
if (!SWIG_Python_UnpackTuple(args, "Ref_StatAccumulatorPair_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorPair_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_StatAccumulatorPair_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::StatAccumulatorPair > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::StatAccumulatorPair > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_StatAccumulatorPair_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_StatAccumulatorPair_Sg__getValue((gs::Reference< npstat::StatAccumulatorPair > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::StatAccumulatorPair(static_cast< const npstat::StatAccumulatorPair& >(result))), SWIGTYPE_p_npstat__StatAccumulatorPair, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_StatAccumulatorPair(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::StatAccumulatorPair > *arg1 = (gs::Reference< npstat::StatAccumulatorPair > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorPair_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_StatAccumulatorPair" "', argument " "1"" of type '" "gs::Reference< npstat::StatAccumulatorPair > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::StatAccumulatorPair > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_StatAccumulatorPair_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__StatAccumulatorPair_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_StatAccumulatorPair_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ComparisonDistribution1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
npstat::ComparisonDistribution1D *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ComparisonDistribution1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ComparisonDistribution1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ComparisonDistribution1D" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ComparisonDistribution1D" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
{
try {
result = (npstat::ComparisonDistribution1D *)new npstat::ComparisonDistribution1D((npstat::AbsDistribution1D const &)*arg1,(npstat::AbsDistribution1D const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ComparisonDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ComparisonDistribution1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::ComparisonDistribution1D *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ComparisonDistribution1D" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ComparisonDistribution1D" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
{
try {
result = (npstat::ComparisonDistribution1D *)new npstat::ComparisonDistribution1D((npstat::ComparisonDistribution1D const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ComparisonDistribution1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_ComparisonDistribution1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[3] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_ComparisonDistribution1D", 0, 2, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__ComparisonDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ComparisonDistribution1D__SWIG_1(self, argc, argv);
}
}
if (argc == 2) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_ComparisonDistribution1D__SWIG_0(self, argc, argv);
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_ComparisonDistribution1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::ComparisonDistribution1D::ComparisonDistribution1D(npstat::AbsDistribution1D const &,npstat::AbsDistribution1D const &)\n"
" npstat::ComparisonDistribution1D::ComparisonDistribution1D(npstat::ComparisonDistribution1D const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_ComparisonDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ComparisonDistribution1D" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "ComparisonDistribution1D_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_density" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ComparisonDistribution1D_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::ComparisonDistribution1D const *)arg1)->density(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "ComparisonDistribution1D_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_cdf" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ComparisonDistribution1D_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::ComparisonDistribution1D const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "ComparisonDistribution1D_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_exceedance" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ComparisonDistribution1D_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::ComparisonDistribution1D const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "ComparisonDistribution1D_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_quantile" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ComparisonDistribution1D_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::ComparisonDistribution1D const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ComparisonDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_clone" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
{
try {
result = (npstat::ComparisonDistribution1D *)((npstat::ComparisonDistribution1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ComparisonDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_compared(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::AbsDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_compared" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
{
try {
result = (npstat::AbsDistribution1D *) &((npstat::ComparisonDistribution1D const *)arg1)->compared();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_baseline(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::AbsDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_baseline" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
{
try {
result = (npstat::AbsDistribution1D *) &((npstat::ComparisonDistribution1D const *)arg1)->baseline();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_classId" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
{
try {
result = ((npstat::ComparisonDistribution1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = (npstat::ComparisonDistribution1D *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "ComparisonDistribution1D_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_write" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ComparisonDistribution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ComparisonDistribution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::ComparisonDistribution1D const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "ComparisonDistribution1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::ComparisonDistribution1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "ComparisonDistribution1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::ComparisonDistribution1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ComparisonDistribution1D_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::ComparisonDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "ComparisonDistribution1D_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ComparisonDistribution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ComparisonDistribution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "ComparisonDistribution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "ComparisonDistribution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::ComparisonDistribution1D *)npstat::ComparisonDistribution1D::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ComparisonDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ComparisonDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ComparisonDistribution1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ComparisonDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_ComparisonDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::ComparisonDistribution1D > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_ComparisonDistribution1D", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_ComparisonDistribution1D" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_ComparisonDistribution1D" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_ComparisonDistribution1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_ComparisonDistribution1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::ComparisonDistribution1D > *)new gs::ArchiveRecord< npstat::ComparisonDistribution1D >((npstat::ComparisonDistribution1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__ComparisonDistribution1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_ComparisonDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::ComparisonDistribution1D > *arg1 = (gs::ArchiveRecord< npstat::ComparisonDistribution1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__ComparisonDistribution1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_ComparisonDistribution1D" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::ComparisonDistribution1D > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::ComparisonDistribution1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_ComparisonDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__ComparisonDistribution1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_ComparisonDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_123(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::ComparisonDistribution1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::ComparisonDistribution1D > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::ComparisonDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::ComparisonDistribution1D >((npstat::ComparisonDistribution1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::ComparisonDistribution1D >(static_cast< const gs::ArchiveRecord< npstat::ComparisonDistribution1D >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__ComparisonDistribution1D_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_ComparisonDistribution1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::ComparisonDistribution1D > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::ComparisonDistribution1D > *)new gs::Reference< npstat::ComparisonDistribution1D >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__ComparisonDistribution1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_ComparisonDistribution1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::ComparisonDistribution1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::ComparisonDistribution1D > *)new gs::Reference< npstat::ComparisonDistribution1D >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__ComparisonDistribution1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_ComparisonDistribution1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::ComparisonDistribution1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_ComparisonDistribution1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::ComparisonDistribution1D > *)new gs::Reference< npstat::ComparisonDistribution1D >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__ComparisonDistribution1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_ComparisonDistribution1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_ComparisonDistribution1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_ComparisonDistribution1D__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_ComparisonDistribution1D__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_ComparisonDistribution1D__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_ComparisonDistribution1D'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::ComparisonDistribution1D >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::ComparisonDistribution1D >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::ComparisonDistribution1D >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_ComparisonDistribution1D_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::ComparisonDistribution1D > *arg1 = (gs::Reference< npstat::ComparisonDistribution1D > *) 0 ;
unsigned long arg2 ;
npstat::ComparisonDistribution1D *arg3 = (npstat::ComparisonDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_ComparisonDistribution1D_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__ComparisonDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_ComparisonDistribution1D_restore" "', argument " "1"" of type '" "gs::Reference< npstat::ComparisonDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::ComparisonDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_ComparisonDistribution1D_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__ComparisonDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_ComparisonDistribution1D_restore" "', argument " "3"" of type '" "npstat::ComparisonDistribution1D *""'");
}
arg3 = reinterpret_cast< npstat::ComparisonDistribution1D * >(argp3);
{
try {
((gs::Reference< npstat::ComparisonDistribution1D > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_ComparisonDistribution1D_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::ComparisonDistribution1D > *arg1 = (gs::Reference< npstat::ComparisonDistribution1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::ComparisonDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_ComparisonDistribution1D_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__ComparisonDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_ComparisonDistribution1D_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::ComparisonDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::ComparisonDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_ComparisonDistribution1D_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::ComparisonDistribution1D *)gs_Reference_Sl_npstat_ComparisonDistribution1D_Sg__retrieve((gs::Reference< npstat::ComparisonDistribution1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ComparisonDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_ComparisonDistribution1D_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::ComparisonDistribution1D > *arg1 = (gs::Reference< npstat::ComparisonDistribution1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
SwigValueWrapper< npstat::ComparisonDistribution1D > result;
if (!SWIG_Python_UnpackTuple(args, "Ref_ComparisonDistribution1D_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__ComparisonDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_ComparisonDistribution1D_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::ComparisonDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::ComparisonDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_ComparisonDistribution1D_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_ComparisonDistribution1D_Sg__getValue((gs::Reference< npstat::ComparisonDistribution1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::ComparisonDistribution1D(static_cast< const npstat::ComparisonDistribution1D& >(result))), SWIGTYPE_p_npstat__ComparisonDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_ComparisonDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::ComparisonDistribution1D > *arg1 = (gs::Reference< npstat::ComparisonDistribution1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__ComparisonDistribution1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_ComparisonDistribution1D" "', argument " "1"" of type '" "gs::Reference< npstat::ComparisonDistribution1D > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::ComparisonDistribution1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_ComparisonDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__ComparisonDistribution1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_ComparisonDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_KDE1DHOSymbetaKernel__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
double arg3 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
double val3 ;
int ecode3 = 0 ;
npstat::KDE1DHOSymbetaKernel *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_KDE1DHOSymbetaKernel" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_KDE1DHOSymbetaKernel" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_KDE1DHOSymbetaKernel" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::KDE1DHOSymbetaKernel *)new npstat::KDE1DHOSymbetaKernel(arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_KDE1DHOSymbetaKernel__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
int arg1 ;
double arg2 ;
int val1 ;
int ecode1 = 0 ;
double val2 ;
int ecode2 = 0 ;
npstat::KDE1DHOSymbetaKernel *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
ecode1 = SWIG_AsVal_int(swig_obj[0], &val1);
if (!SWIG_IsOK(ecode1)) {
SWIG_exception_fail(SWIG_ArgError(ecode1), "in method '" "new_KDE1DHOSymbetaKernel" "', argument " "1"" of type '" "int""'");
}
arg1 = static_cast< int >(val1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_KDE1DHOSymbetaKernel" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (npstat::KDE1DHOSymbetaKernel *)new npstat::KDE1DHOSymbetaKernel(arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_KDE1DHOSymbetaKernel__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::KDE1DHOSymbetaKernel *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_KDE1DHOSymbetaKernel" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_KDE1DHOSymbetaKernel" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const &""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
{
try {
result = (npstat::KDE1DHOSymbetaKernel *)new npstat::KDE1DHOSymbetaKernel((npstat::KDE1DHOSymbetaKernel const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_KDE1DHOSymbetaKernel(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_KDE1DHOSymbetaKernel", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_KDE1DHOSymbetaKernel__SWIG_2(self, argc, argv);
}
}
if (argc == 2) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_KDE1DHOSymbetaKernel__SWIG_1(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
{
int res = SWIG_AsVal_int(argv[0], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_KDE1DHOSymbetaKernel__SWIG_0(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_KDE1DHOSymbetaKernel'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::KDE1DHOSymbetaKernel::KDE1DHOSymbetaKernel(int,double,double)\n"
" npstat::KDE1DHOSymbetaKernel::KDE1DHOSymbetaKernel(int,double)\n"
" npstat::KDE1DHOSymbetaKernel::KDE1DHOSymbetaKernel(npstat::KDE1DHOSymbetaKernel const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_KDE1DHOSymbetaKernel_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::KDE1DHOSymbetaKernel *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DHOSymbetaKernel_clone" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
{
try {
result = (npstat::KDE1DHOSymbetaKernel *)((npstat::KDE1DHOSymbetaKernel const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_KDE1DHOSymbetaKernel(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_KDE1DHOSymbetaKernel" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DHOSymbetaKernel_setNormFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "KDE1DHOSymbetaKernel_setNormFactor", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DHOSymbetaKernel_setNormFactor" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDE1DHOSymbetaKernel_setNormFactor" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
(arg1)->setNormFactor(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DHOSymbetaKernel_power(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DHOSymbetaKernel_power" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
{
try {
result = (int)((npstat::KDE1DHOSymbetaKernel const *)arg1)->power();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_int(static_cast< int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DHOSymbetaKernel_filterDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DHOSymbetaKernel_filterDegree" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
{
try {
result = (double)((npstat::KDE1DHOSymbetaKernel const *)arg1)->filterDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DHOSymbetaKernel_weight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "KDE1DHOSymbetaKernel_weight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DHOSymbetaKernel_weight" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDE1DHOSymbetaKernel_weight" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::KDE1DHOSymbetaKernel const *)arg1)->weight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DHOSymbetaKernel_xmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DHOSymbetaKernel_xmin" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
{
try {
result = (double)((npstat::KDE1DHOSymbetaKernel const *)arg1)->xmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DHOSymbetaKernel_xmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DHOSymbetaKernel_xmax" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
{
try {
result = (double)((npstat::KDE1DHOSymbetaKernel const *)arg1)->xmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DHOSymbetaKernel_normFactor(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DHOSymbetaKernel_normFactor" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
{
try {
result = (double)((npstat::KDE1DHOSymbetaKernel const *)arg1)->normFactor();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_KDE1DHOSymbetaKernel___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::KDE1DHOSymbetaKernel *arg1 = (npstat::KDE1DHOSymbetaKernel *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "KDE1DHOSymbetaKernel___call__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "KDE1DHOSymbetaKernel___call__" "', argument " "1"" of type '" "npstat::KDE1DHOSymbetaKernel const *""'");
}
arg1 = reinterpret_cast< npstat::KDE1DHOSymbetaKernel * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "KDE1DHOSymbetaKernel___call__" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::KDE1DHOSymbetaKernel const *)arg1)->operator ()(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *KDE1DHOSymbetaKernel_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__KDE1DHOSymbetaKernel, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *KDE1DHOSymbetaKernel_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_UCharBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< unsigned char,double > *arg1 = (npstat::BandwidthGCVLeastSquares1D< unsigned char,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_unsigned_char_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_UCharBandwidthGCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquares1D< unsigned char,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquares1D< unsigned char,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_UCharBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< unsigned char,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_UCharBandwidthGCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquares1D< unsigned char,double > *)new npstat::BandwidthGCVLeastSquares1D< unsigned char,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_unsigned_char_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *UCharBandwidthGCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_unsigned_char_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *UCharBandwidthGCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_IntBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< int,double > *arg1 = (npstat::BandwidthGCVLeastSquares1D< int,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_int_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_IntBandwidthGCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquares1D< int,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquares1D< int,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_IntBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< int,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_IntBandwidthGCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquares1D< int,double > *)new npstat::BandwidthGCVLeastSquares1D< int,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_int_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *IntBandwidthGCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_int_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *IntBandwidthGCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_LongBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< long,double > *arg1 = (npstat::BandwidthGCVLeastSquares1D< long,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_long_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_LongBandwidthGCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquares1D< long,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquares1D< long,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_LongBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< long,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_LongBandwidthGCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquares1D< long,double > *)new npstat::BandwidthGCVLeastSquares1D< long,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_long_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *LongBandwidthGCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_long_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *LongBandwidthGCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_FloatBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< float,double > *arg1 = (npstat::BandwidthGCVLeastSquares1D< float,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_float_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_FloatBandwidthGCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquares1D< float,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquares1D< float,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_FloatBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< float,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_FloatBandwidthGCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquares1D< float,double > *)new npstat::BandwidthGCVLeastSquares1D< float,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_float_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *FloatBandwidthGCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_float_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *FloatBandwidthGCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_DoubleBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< double,double > *arg1 = (npstat::BandwidthGCVLeastSquares1D< double,double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_double_double_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DoubleBandwidthGCVLeastSquares1D" "', argument " "1"" of type '" "npstat::BandwidthGCVLeastSquares1D< double,double > *""'");
}
arg1 = reinterpret_cast< npstat::BandwidthGCVLeastSquares1D< double,double > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DoubleBandwidthGCVLeastSquares1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::BandwidthGCVLeastSquares1D< double,double > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_DoubleBandwidthGCVLeastSquares1D", 0, 0, 0)) SWIG_fail;
{
try {
result = (npstat::BandwidthGCVLeastSquares1D< double,double > *)new npstat::BandwidthGCVLeastSquares1D< double,double >();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_double_double_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DoubleBandwidthGCVLeastSquares1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__BandwidthGCVLeastSquares1DT_double_double_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DoubleBandwidthGCVLeastSquares1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_correctDensityEstimateGHUOrig(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
double *arg1 = (double *) 0 ;
unsigned long arg2 ;
double *arg3 = (double *) 0 ;
unsigned long arg4 ;
double arg5 ;
PyArrayObject *array1 = NULL ;
int is_new_object1 = 0 ;
PyArrayObject *array3 = NULL ;
int i3 = 1 ;
double val5 ;
int ecode5 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "correctDensityEstimateGHUOrig", 3, 3, swig_obj)) SWIG_fail;
{
npy_intp size[1] = {
-1
};
array1 = obj_to_array_contiguous_allow_conversion(swig_obj[0],
NPY_DOUBLE,
&is_new_object1);
if (!array1 || !require_dimensions(array1, 1) ||
!require_size(array1, size, 1)) SWIG_fail;
arg1 = (double*) array_data(array1);
arg2 = (int) array_size(array1,0);
}
{
array3 = obj_to_array_no_conversion(swig_obj[1], NPY_DOUBLE);
if (!array3 || !require_dimensions(array3,1) || !require_contiguous(array3)
|| !require_native(array3)) SWIG_fail;
arg3 = (double*) array_data(array3);
arg4 = 1;
for (i3=0; i3 < array_numdims(array3); ++i3) arg4 *= array_size(array3,i3);
}
ecode5 = SWIG_AsVal_double(swig_obj[2], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "correctDensityEstimateGHUOrig" "', argument " "5"" of type '" "double""'");
}
arg5 = static_cast< double >(val5);
{
try {
npstat::correctDensityEstimateGHU((double const *)arg1,arg2,arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return resultobj;
fail:
{
if (is_new_object1 && array1)
{
Py_DECREF(array1);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DensityOrthoPoly1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
npstat::OrthoPolyMethod arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
int val4 ;
int ecode4 = 0 ;
npstat::DensityOrthoPoly1D *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityOrthoPoly1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityOrthoPoly1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DensityOrthoPoly1D" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityOrthoPoly1D" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_DensityOrthoPoly1D" "', argument " "4"" of type '" "npstat::OrthoPolyMethod""'");
}
arg4 = static_cast< npstat::OrthoPolyMethod >(val4);
{
try {
result = (npstat::DensityOrthoPoly1D *)new npstat::DensityOrthoPoly1D((npstat::AbsDistribution1D const &)*arg1,arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityOrthoPoly1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DensityOrthoPoly1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDistribution1D *arg1 = 0 ;
unsigned int arg2 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
npstat::DensityOrthoPoly1D *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityOrthoPoly1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityOrthoPoly1D" "', argument " "1"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_DensityOrthoPoly1D" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_DensityOrthoPoly1D" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (npstat::DensityOrthoPoly1D *)new npstat::DensityOrthoPoly1D((npstat::AbsDistribution1D const &)*arg1,arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityOrthoPoly1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DensityOrthoPoly1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::DensityOrthoPoly1D *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::DensityOrthoPoly1D *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__DensityOrthoPoly1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DensityOrthoPoly1D" "', argument " "1"" of type '" "npstat::DensityOrthoPoly1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DensityOrthoPoly1D" "', argument " "1"" of type '" "npstat::DensityOrthoPoly1D const &""'");
}
arg1 = reinterpret_cast< npstat::DensityOrthoPoly1D * >(argp1);
{
try {
result = (npstat::DensityOrthoPoly1D *)new npstat::DensityOrthoPoly1D((npstat::DensityOrthoPoly1D const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityOrthoPoly1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DensityOrthoPoly1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DensityOrthoPoly1D", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__DensityOrthoPoly1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DensityOrthoPoly1D__SWIG_2(self, argc, argv);
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DensityOrthoPoly1D__SWIG_1(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__AbsDistribution1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_DensityOrthoPoly1D__SWIG_0(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DensityOrthoPoly1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::DensityOrthoPoly1D::DensityOrthoPoly1D(npstat::AbsDistribution1D const &,unsigned int,unsigned int,npstat::OrthoPolyMethod)\n"
" npstat::DensityOrthoPoly1D::DensityOrthoPoly1D(npstat::AbsDistribution1D const &,unsigned int,unsigned int)\n"
" npstat::DensityOrthoPoly1D::DensityOrthoPoly1D(npstat::DensityOrthoPoly1D const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_DensityOrthoPoly1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityOrthoPoly1D *arg1 = (npstat::DensityOrthoPoly1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityOrthoPoly1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DensityOrthoPoly1D" "', argument " "1"" of type '" "npstat::DensityOrthoPoly1D *""'");
}
arg1 = reinterpret_cast< npstat::DensityOrthoPoly1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityOrthoPoly1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityOrthoPoly1D *arg1 = (npstat::DensityOrthoPoly1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::DensityOrthoPoly1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityOrthoPoly1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityOrthoPoly1D_clone" "', argument " "1"" of type '" "npstat::DensityOrthoPoly1D const *""'");
}
arg1 = reinterpret_cast< npstat::DensityOrthoPoly1D * >(argp1);
{
try {
result = (npstat::DensityOrthoPoly1D *)((npstat::DensityOrthoPoly1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DensityOrthoPoly1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityOrthoPoly1D_xmin(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityOrthoPoly1D *arg1 = (npstat::DensityOrthoPoly1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityOrthoPoly1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityOrthoPoly1D_xmin" "', argument " "1"" of type '" "npstat::DensityOrthoPoly1D const *""'");
}
arg1 = reinterpret_cast< npstat::DensityOrthoPoly1D * >(argp1);
{
try {
result = (double)((npstat::DensityOrthoPoly1D const *)arg1)->xmin();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityOrthoPoly1D_xmax(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityOrthoPoly1D *arg1 = (npstat::DensityOrthoPoly1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
double result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityOrthoPoly1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityOrthoPoly1D_xmax" "', argument " "1"" of type '" "npstat::DensityOrthoPoly1D const *""'");
}
arg1 = reinterpret_cast< npstat::DensityOrthoPoly1D * >(argp1);
{
try {
result = (double)((npstat::DensityOrthoPoly1D const *)arg1)->xmax();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DensityOrthoPoly1D_maxDegree(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DensityOrthoPoly1D *arg1 = (npstat::DensityOrthoPoly1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DensityOrthoPoly1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DensityOrthoPoly1D_maxDegree" "', argument " "1"" of type '" "npstat::DensityOrthoPoly1D const *""'");
}
arg1 = reinterpret_cast< npstat::DensityOrthoPoly1D * >(argp1);
{
try {
result = (unsigned int)((npstat::DensityOrthoPoly1D const *)arg1)->maxDegree();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DensityOrthoPoly1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DensityOrthoPoly1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DensityOrthoPoly1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_delete_AbsDiscreteDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_probability(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_probability", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_probability" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDiscreteDistribution1D_probability" "', argument " "2"" of type '" "long""'");
}
arg2 = static_cast< long >(val2);
{
try {
result = (double)((npstat::AbsDiscreteDistribution1D const *)arg1)->probability(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_cdf" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDiscreteDistribution1D_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::AbsDiscreteDistribution1D const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_exceedance" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDiscreteDistribution1D_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::AbsDiscreteDistribution1D const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
long result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_quantile" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "AbsDiscreteDistribution1D_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (long)((npstat::AbsDiscreteDistribution1D const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D___eq__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
npstat::AbsDiscreteDistribution1D *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D___eq__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D___eq__" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsDiscreteDistribution1D___eq__" "', argument " "2"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDiscreteDistribution1D___eq__" "', argument " "2"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp2);
{
try {
result = (bool)((npstat::AbsDiscreteDistribution1D const *)arg1)->operator ==((npstat::AbsDiscreteDistribution1D const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D___ne__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
npstat::AbsDiscreteDistribution1D *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D___ne__", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D___ne__" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsDiscreteDistribution1D___ne__" "', argument " "2"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDiscreteDistribution1D___ne__" "', argument " "2"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp2);
{
try {
result = (bool)((npstat::AbsDiscreteDistribution1D const *)arg1)->operator !=((npstat::AbsDiscreteDistribution1D const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
PyErr_Clear();
Py_INCREF(Py_NotImplemented);
return Py_NotImplemented;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::AbsDiscreteDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_clone" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
{
try {
result = (npstat::AbsDiscreteDistribution1D *)((npstat::AbsDiscreteDistribution1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_classId" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
{
try {
result = ((npstat::AbsDiscreteDistribution1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_write" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsDiscreteDistribution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDiscreteDistribution1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::AbsDiscreteDistribution1D const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::AbsDiscreteDistribution1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::AbsDiscreteDistribution1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::AbsDiscreteDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDiscreteDistribution1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsDiscreteDistribution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDiscreteDistribution1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::AbsDiscreteDistribution1D *)npstat::AbsDiscreteDistribution1D::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_random(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
long result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_random", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_random" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsDiscreteDistribution1D_random" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDiscreteDistribution1D_random" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
{
try {
result = (long)((npstat::AbsDiscreteDistribution1D const *)arg1)->random2(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1D_generate(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = (npstat::AbsDiscreteDistribution1D *) 0 ;
npstat::AbsRandomGenerator *arg2 = 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
std::vector< long,std::allocator< long > > result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1D_generate", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1D_generate" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsRandomGenerator, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsDiscreteDistribution1D_generate" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDiscreteDistribution1D_generate" "', argument " "2"" of type '" "npstat::AbsRandomGenerator &""'");
}
arg2 = reinterpret_cast< npstat::AbsRandomGenerator * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "AbsDiscreteDistribution1D_generate" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = npstat_AbsDiscreteDistribution1D_generate((npstat::AbsDiscreteDistribution1D const *)arg1,*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = swig::from(static_cast< std::vector< long,std::allocator< long > > >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *AbsDiscreteDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_ShiftableDiscreteDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ShiftableDiscreteDistribution1D *arg1 = (npstat::ShiftableDiscreteDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ShiftableDiscreteDistribution1D" "', argument " "1"" of type '" "npstat::ShiftableDiscreteDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::ShiftableDiscreteDistribution1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ShiftableDiscreteDistribution1D_location(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ShiftableDiscreteDistribution1D *arg1 = (npstat::ShiftableDiscreteDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
long result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ShiftableDiscreteDistribution1D_location" "', argument " "1"" of type '" "npstat::ShiftableDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ShiftableDiscreteDistribution1D * >(argp1);
{
try {
result = (long)((npstat::ShiftableDiscreteDistribution1D const *)arg1)->location();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ShiftableDiscreteDistribution1D_setLocation(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ShiftableDiscreteDistribution1D *arg1 = (npstat::ShiftableDiscreteDistribution1D *) 0 ;
long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "ShiftableDiscreteDistribution1D_setLocation", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ShiftableDiscreteDistribution1D_setLocation" "', argument " "1"" of type '" "npstat::ShiftableDiscreteDistribution1D *""'");
}
arg1 = reinterpret_cast< npstat::ShiftableDiscreteDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ShiftableDiscreteDistribution1D_setLocation" "', argument " "2"" of type '" "long""'");
}
arg2 = static_cast< long >(val2);
{
try {
(arg1)->setLocation(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ShiftableDiscreteDistribution1D_probability(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ShiftableDiscreteDistribution1D *arg1 = (npstat::ShiftableDiscreteDistribution1D *) 0 ;
long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "ShiftableDiscreteDistribution1D_probability", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ShiftableDiscreteDistribution1D_probability" "', argument " "1"" of type '" "npstat::ShiftableDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ShiftableDiscreteDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ShiftableDiscreteDistribution1D_probability" "', argument " "2"" of type '" "long""'");
}
arg2 = static_cast< long >(val2);
{
try {
result = (double)((npstat::ShiftableDiscreteDistribution1D const *)arg1)->probability(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ShiftableDiscreteDistribution1D_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ShiftableDiscreteDistribution1D *arg1 = (npstat::ShiftableDiscreteDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "ShiftableDiscreteDistribution1D_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ShiftableDiscreteDistribution1D_cdf" "', argument " "1"" of type '" "npstat::ShiftableDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ShiftableDiscreteDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ShiftableDiscreteDistribution1D_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::ShiftableDiscreteDistribution1D const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ShiftableDiscreteDistribution1D_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ShiftableDiscreteDistribution1D *arg1 = (npstat::ShiftableDiscreteDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "ShiftableDiscreteDistribution1D_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ShiftableDiscreteDistribution1D_exceedance" "', argument " "1"" of type '" "npstat::ShiftableDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ShiftableDiscreteDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ShiftableDiscreteDistribution1D_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::ShiftableDiscreteDistribution1D const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ShiftableDiscreteDistribution1D_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ShiftableDiscreteDistribution1D *arg1 = (npstat::ShiftableDiscreteDistribution1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
long result;
if (!SWIG_Python_UnpackTuple(args, "ShiftableDiscreteDistribution1D_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ShiftableDiscreteDistribution1D_quantile" "', argument " "1"" of type '" "npstat::ShiftableDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ShiftableDiscreteDistribution1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "ShiftableDiscreteDistribution1D_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (long)((npstat::ShiftableDiscreteDistribution1D const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_long(static_cast< long >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ShiftableDiscreteDistribution1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ShiftableDiscreteDistribution1D *arg1 = (npstat::ShiftableDiscreteDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::ShiftableDiscreteDistribution1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ShiftableDiscreteDistribution1D_clone" "', argument " "1"" of type '" "npstat::ShiftableDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ShiftableDiscreteDistribution1D * >(argp1);
{
try {
result = (npstat::ShiftableDiscreteDistribution1D *)((npstat::ShiftableDiscreteDistribution1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_ShiftableDiscreteDistribution1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::ShiftableDiscreteDistribution1D *arg1 = (npstat::ShiftableDiscreteDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "ShiftableDiscreteDistribution1D_classId" "', argument " "1"" of type '" "npstat::ShiftableDiscreteDistribution1D const *""'");
}
arg1 = reinterpret_cast< npstat::ShiftableDiscreteDistribution1D * >(argp1);
{
try {
result = ((npstat::ShiftableDiscreteDistribution1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ShiftableDiscreteDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__ShiftableDiscreteDistribution1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_delete_AbsDiscreteDistribution1DDistance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1DDistance *arg1 = (npstat::AbsDiscreteDistribution1DDistance *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1DDistance, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_AbsDiscreteDistribution1DDistance" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1DDistance *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1DDistance * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_AbsDiscreteDistribution1DDistance___call__(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1DDistance *arg1 = (npstat::AbsDiscreteDistribution1DDistance *) 0 ;
npstat::AbsDiscreteDistribution1D *arg2 = 0 ;
npstat::AbsDiscreteDistribution1D *arg3 = 0 ;
npstat::AbsDiscreteDistribution1D *arg4 = (npstat::AbsDiscreteDistribution1D *) 0 ;
long arg5 ;
long arg6 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
void *argp4 = 0 ;
int res4 = 0 ;
long val5 ;
int ecode5 = 0 ;
long val6 ;
int ecode6 = 0 ;
PyObject *swig_obj[6] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "AbsDiscreteDistribution1DDistance___call__", 6, 6, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__AbsDiscreteDistribution1DDistance, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "AbsDiscreteDistribution1DDistance___call__" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1DDistance const *""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1DDistance * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "AbsDiscreteDistribution1DDistance___call__" "', argument " "2"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDiscreteDistribution1DDistance___call__" "', argument " "2"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "AbsDiscreteDistribution1DDistance___call__" "', argument " "3"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "AbsDiscreteDistribution1DDistance___call__" "', argument " "3"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
arg3 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp3);
res4 = SWIG_ConvertPtr(swig_obj[3], &argp4,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res4)) {
SWIG_exception_fail(SWIG_ArgError(res4), "in method '" "AbsDiscreteDistribution1DDistance___call__" "', argument " "4"" of type '" "npstat::AbsDiscreteDistribution1D const *""'");
}
arg4 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp4);
ecode5 = SWIG_AsVal_long(swig_obj[4], &val5);
if (!SWIG_IsOK(ecode5)) {
SWIG_exception_fail(SWIG_ArgError(ecode5), "in method '" "AbsDiscreteDistribution1DDistance___call__" "', argument " "5"" of type '" "long""'");
}
arg5 = static_cast< long >(val5);
ecode6 = SWIG_AsVal_long(swig_obj[5], &val6);
if (!SWIG_IsOK(ecode6)) {
SWIG_exception_fail(SWIG_ArgError(ecode6), "in method '" "AbsDiscreteDistribution1DDistance___call__" "', argument " "6"" of type '" "long""'");
}
arg6 = static_cast< long >(val6);
{
try {
result = (double)((npstat::AbsDiscreteDistribution1DDistance const *)arg1)->operator ()((npstat::AbsDiscreteDistribution1D const &)*arg2,(npstat::AbsDiscreteDistribution1D const &)*arg3,(npstat::AbsDiscreteDistribution1D const *)arg4,arg5,arg6);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *AbsDiscreteDistribution1DDistance_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__AbsDiscreteDistribution1DDistance, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_AbsDiscreteDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_AbsDiscreteDistribution1D", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_AbsDiscreteDistribution1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_AbsDiscreteDistribution1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D > *)new gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D >((npstat::AbsDiscreteDistribution1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__AbsDiscreteDistribution1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_AbsDiscreteDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D > *arg1 = (gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__AbsDiscreteDistribution1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_AbsDiscreteDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__AbsDiscreteDistribution1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_AbsDiscreteDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_124(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::AbsDiscreteDistribution1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::AbsDiscreteDistribution1D const &""'");
}
arg1 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::AbsDiscreteDistribution1D >((npstat::AbsDiscreteDistribution1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D >(static_cast< const gs::ArchiveRecord< npstat::AbsDiscreteDistribution1D >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__AbsDiscreteDistribution1D_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_AbsDiscreteDistribution1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::AbsDiscreteDistribution1D > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::AbsDiscreteDistribution1D > *)new gs::Reference< npstat::AbsDiscreteDistribution1D >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__AbsDiscreteDistribution1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_AbsDiscreteDistribution1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::AbsDiscreteDistribution1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::AbsDiscreteDistribution1D > *)new gs::Reference< npstat::AbsDiscreteDistribution1D >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__AbsDiscreteDistribution1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_AbsDiscreteDistribution1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::AbsDiscreteDistribution1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_AbsDiscreteDistribution1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::AbsDiscreteDistribution1D > *)new gs::Reference< npstat::AbsDiscreteDistribution1D >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__AbsDiscreteDistribution1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_AbsDiscreteDistribution1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_AbsDiscreteDistribution1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_AbsDiscreteDistribution1D__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_AbsDiscreteDistribution1D__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_AbsDiscreteDistribution1D__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_AbsDiscreteDistribution1D'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::AbsDiscreteDistribution1D >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::AbsDiscreteDistribution1D >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::AbsDiscreteDistribution1D >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_AbsDiscreteDistribution1D_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::AbsDiscreteDistribution1D > *arg1 = (gs::Reference< npstat::AbsDiscreteDistribution1D > *) 0 ;
unsigned long arg2 ;
npstat::AbsDiscreteDistribution1D *arg3 = (npstat::AbsDiscreteDistribution1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_AbsDiscreteDistribution1D_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__AbsDiscreteDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_AbsDiscreteDistribution1D_restore" "', argument " "1"" of type '" "gs::Reference< npstat::AbsDiscreteDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::AbsDiscreteDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_AbsDiscreteDistribution1D_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_AbsDiscreteDistribution1D_restore" "', argument " "3"" of type '" "npstat::AbsDiscreteDistribution1D *""'");
}
arg3 = reinterpret_cast< npstat::AbsDiscreteDistribution1D * >(argp3);
{
try {
((gs::Reference< npstat::AbsDiscreteDistribution1D > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_AbsDiscreteDistribution1D_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::AbsDiscreteDistribution1D > *arg1 = (gs::Reference< npstat::AbsDiscreteDistribution1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::AbsDiscreteDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_AbsDiscreteDistribution1D_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__AbsDiscreteDistribution1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_AbsDiscreteDistribution1D_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::AbsDiscreteDistribution1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::AbsDiscreteDistribution1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_AbsDiscreteDistribution1D_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::AbsDiscreteDistribution1D *)gs_Reference_Sl_npstat_AbsDiscreteDistribution1D_Sg__retrieve((gs::Reference< npstat::AbsDiscreteDistribution1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDiscreteDistribution1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_AbsDiscreteDistribution1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::AbsDiscreteDistribution1D > *arg1 = (gs::Reference< npstat::AbsDiscreteDistribution1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__AbsDiscreteDistribution1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_AbsDiscreteDistribution1D" "', argument " "1"" of type '" "gs::Reference< npstat::AbsDiscreteDistribution1D > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::AbsDiscreteDistribution1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_AbsDiscreteDistribution1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__AbsDiscreteDistribution1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_AbsDiscreteDistribution1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_DistributionMix1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **SWIGUNUSEDPARM(swig_obj)) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *result = 0 ;
if ((nobjs < 0) || (nobjs > 0)) SWIG_fail;
{
try {
result = (npstat::DistributionMix1D *)new npstat::DistributionMix1D();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DistributionMix1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DistributionMix1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
npstat::DistributionMix1D *result = 0 ;
if ((nobjs < 1) || (nobjs > 1)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_DistributionMix1D" "', argument " "1"" of type '" "npstat::DistributionMix1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_DistributionMix1D" "', argument " "1"" of type '" "npstat::DistributionMix1D const &""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
{
try {
result = (npstat::DistributionMix1D *)new npstat::DistributionMix1D((npstat::DistributionMix1D const &)*arg1);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DistributionMix1D, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_DistributionMix1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[2] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_DistributionMix1D", 0, 1, argv))) SWIG_fail;
--argc;
if (argc == 0) {
return _wrap_new_DistributionMix1D__SWIG_0(self, argc, argv);
}
if (argc == 1) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__DistributionMix1D, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_DistributionMix1D__SWIG_1(self, argc, argv);
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_DistributionMix1D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::DistributionMix1D::DistributionMix1D()\n"
" npstat::DistributionMix1D::DistributionMix1D(npstat::DistributionMix1D const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_clone(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::DistributionMix1D *result = 0 ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_clone" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
{
try {
result = (npstat::DistributionMix1D *)((npstat::DistributionMix1D const *)arg1)->clone();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DistributionMix1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_DistributionMix1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_DistributionMix1D" "', argument " "1"" of type '" "npstat::DistributionMix1D *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_add(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
npstat::AbsDistribution1D *arg2 = 0 ;
double arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
double val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
npstat::DistributionMix1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_add", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_add" "', argument " "1"" of type '" "npstat::DistributionMix1D *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DistributionMix1D_add" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DistributionMix1D_add" "', argument " "2"" of type '" "npstat::AbsDistribution1D const &""'");
}
arg2 = reinterpret_cast< npstat::AbsDistribution1D * >(argp2);
ecode3 = SWIG_AsVal_double(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "DistributionMix1D_add" "', argument " "3"" of type '" "double""'");
}
arg3 = static_cast< double >(val3);
{
try {
result = (npstat::DistributionMix1D *) &(arg1)->add((npstat::AbsDistribution1D const &)*arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_setWeights(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyObject *swig_obj[2] ;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_setWeights", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_setWeights" "', argument " "1"" of type '" "npstat::DistributionMix1D *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_DOUBLE,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (double*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
try {
(arg1)->setWeights((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return resultobj;
fail:
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_nComponents(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_nComponents" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
{
try {
result = (unsigned int)((npstat::DistributionMix1D const *)arg1)->nComponents();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_getComponent(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::AbsDistribution1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_getComponent", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_getComponent" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DistributionMix1D_getComponent" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (npstat::AbsDistribution1D *) &((npstat::DistributionMix1D const *)arg1)->getComponent(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__AbsDistribution1D, 0 | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_getWeight(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
unsigned int arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned int val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_getWeight", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_getWeight" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_int(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DistributionMix1D_getWeight" "', argument " "2"" of type '" "unsigned int""'");
}
arg2 = static_cast< unsigned int >(val2);
{
try {
result = (double)((npstat::DistributionMix1D const *)arg1)->getWeight(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_density(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_density", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_density" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DistributionMix1D_density" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::DistributionMix1D const *)arg1)->density(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_cdf", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_cdf" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DistributionMix1D_cdf" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::DistributionMix1D const *)arg1)->cdf(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_exceedance(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_exceedance", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_exceedance" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DistributionMix1D_exceedance" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::DistributionMix1D const *)arg1)->exceedance(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_quantile(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
double arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_quantile", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_quantile" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "DistributionMix1D_quantile" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
{
try {
result = (double)((npstat::DistributionMix1D const *)arg1)->quantile(arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_classId(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
SwigValueWrapper< gs::ClassId > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_classId" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
{
try {
result = ((npstat::DistributionMix1D const *)arg1)->classId();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ClassId(static_cast< const gs::ClassId& >(result))), SWIGTYPE_p_gs__ClassId, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_write(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = (npstat::DistributionMix1D *) 0 ;
std::ostream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
bool result;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_write", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_write" "', argument " "1"" of type '" "npstat::DistributionMix1D const *""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_ostreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DistributionMix1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DistributionMix1D_write" "', argument " "2"" of type '" "std::ostream &""'");
}
arg2 = reinterpret_cast< std::ostream * >(argp2);
{
try {
result = (bool)((npstat::DistributionMix1D const *)arg1)->write(*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_bool(static_cast< bool >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_classname(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
char *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_classname", 0, 0, 0)) SWIG_fail;
{
try {
result = (char *)npstat::DistributionMix1D::classname();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_FromCharPtr((const char *)result);
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_version(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
unsigned int result;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_version", 0, 0, 0)) SWIG_fail;
{
try {
result = (unsigned int)npstat::DistributionMix1D::version();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_DistributionMix1D_read(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ClassId *arg1 = 0 ;
std::istream *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
npstat::DistributionMix1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "DistributionMix1D_read", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__ClassId, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "DistributionMix1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DistributionMix1D_read" "', argument " "1"" of type '" "gs::ClassId const &""'");
}
arg1 = reinterpret_cast< gs::ClassId * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_std__basic_istreamT_char_std__char_traitsT_char_t_t, 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "DistributionMix1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "DistributionMix1D_read" "', argument " "2"" of type '" "std::istream &""'");
}
arg2 = reinterpret_cast< std::istream * >(argp2);
{
try {
result = (npstat::DistributionMix1D *)npstat::DistributionMix1D::read((gs::ClassId const &)*arg1,*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DistributionMix1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *DistributionMix1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__DistributionMix1D, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *DistributionMix1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_new_ArchiveRecord_DistributionMix1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
PyObject *swig_obj[3] ;
gs::ArchiveRecord< npstat::DistributionMix1D > *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "new_ArchiveRecord_DistributionMix1D", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_ArchiveRecord_DistributionMix1D" "', argument " "1"" of type '" "npstat::DistributionMix1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_ArchiveRecord_DistributionMix1D" "', argument " "1"" of type '" "npstat::DistributionMix1D const &""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_ArchiveRecord_DistributionMix1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_ArchiveRecord_DistributionMix1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::ArchiveRecord< npstat::DistributionMix1D > *)new gs::ArchiveRecord< npstat::DistributionMix1D >((npstat::DistributionMix1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ArchiveRecordT_npstat__DistributionMix1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_ArchiveRecord_DistributionMix1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::ArchiveRecord< npstat::DistributionMix1D > *arg1 = (gs::ArchiveRecord< npstat::DistributionMix1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ArchiveRecordT_npstat__DistributionMix1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_ArchiveRecord_DistributionMix1D" "', argument " "1"" of type '" "gs::ArchiveRecord< npstat::DistributionMix1D > *""'");
}
arg1 = reinterpret_cast< gs::ArchiveRecord< npstat::DistributionMix1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *ArchiveRecord_DistributionMix1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ArchiveRecordT_npstat__DistributionMix1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *ArchiveRecord_DistributionMix1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_NPRecord__SWIG_125(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::DistributionMix1D *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
SwigValueWrapper< gs::ArchiveRecord< npstat::DistributionMix1D > > result;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::DistributionMix1D const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "NPRecord" "', argument " "1"" of type '" "npstat::DistributionMix1D const &""'");
}
arg1 = reinterpret_cast< npstat::DistributionMix1D * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "NPRecord" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "NPRecord" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = gs::SWIGTEMPLATEDISAMBIGUATOR Record< npstat::DistributionMix1D >((npstat::DistributionMix1D const &)*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new gs::ArchiveRecord< npstat::DistributionMix1D >(static_cast< const gs::ArchiveRecord< npstat::DistributionMix1D >& >(result))), SWIGTYPE_p_gs__ArchiveRecordT_npstat__DistributionMix1D_t, SWIG_POINTER_OWN | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DistributionMix1D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
unsigned long long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long long val2 ;
int ecode2 = 0 ;
gs::Reference< npstat::DistributionMix1D > *result = 0 ;
if ((nobjs < 2) || (nobjs > 2)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_DistributionMix1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DistributionMix1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "new_Ref_DistributionMix1D" "', argument " "2"" of type '" "unsigned long long""'");
}
arg2 = static_cast< unsigned long long >(val2);
{
try {
result = (gs::Reference< npstat::DistributionMix1D > *)new gs::Reference< npstat::DistributionMix1D >(*arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__DistributionMix1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DistributionMix1D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
char *arg2 = (char *) 0 ;
char *arg3 = (char *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
int res2 ;
char *buf2 = 0 ;
int alloc2 = 0 ;
int res3 ;
char *buf3 = 0 ;
int alloc3 = 0 ;
gs::Reference< npstat::DistributionMix1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_DistributionMix1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DistributionMix1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_AsCharPtrAndSize(swig_obj[1], &buf2, NULL, &alloc2);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_DistributionMix1D" "', argument " "2"" of type '" "char const *""'");
}
arg2 = reinterpret_cast< char * >(buf2);
res3 = SWIG_AsCharPtrAndSize(swig_obj[2], &buf3, NULL, &alloc3);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_DistributionMix1D" "', argument " "3"" of type '" "char const *""'");
}
arg3 = reinterpret_cast< char * >(buf3);
{
try {
result = (gs::Reference< npstat::DistributionMix1D > *)new gs::Reference< npstat::DistributionMix1D >(*arg1,(char const *)arg2,(char const *)arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__DistributionMix1D_t, SWIG_POINTER_NEW | 0 );
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return resultobj;
fail:
if (alloc2 == SWIG_NEWOBJ) delete[] buf2;
if (alloc3 == SWIG_NEWOBJ) delete[] buf3;
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DistributionMix1D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
gs::AbsArchive *arg1 = 0 ;
gs::SearchSpecifier *arg2 = 0 ;
gs::SearchSpecifier *arg3 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
gs::Reference< npstat::DistributionMix1D > *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_gs__AbsArchive, 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_Ref_DistributionMix1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DistributionMix1D" "', argument " "1"" of type '" "gs::AbsArchive &""'");
}
arg1 = reinterpret_cast< gs::AbsArchive * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_Ref_DistributionMix1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DistributionMix1D" "', argument " "2"" of type '" "gs::SearchSpecifier const &""'");
}
arg2 = reinterpret_cast< gs::SearchSpecifier * >(argp2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3, SWIGTYPE_p_gs__SearchSpecifier, 0 | 0);
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "new_Ref_DistributionMix1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
if (!argp3) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_Ref_DistributionMix1D" "', argument " "3"" of type '" "gs::SearchSpecifier const &""'");
}
arg3 = reinterpret_cast< gs::SearchSpecifier * >(argp3);
{
try {
result = (gs::Reference< npstat::DistributionMix1D > *)new gs::Reference< npstat::DistributionMix1D >(*arg1,(gs::SearchSpecifier const &)*arg2,(gs::SearchSpecifier const &)*arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_gs__ReferenceT_npstat__DistributionMix1D_t, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_Ref_DistributionMix1D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[4] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_Ref_DistributionMix1D", 0, 3, argv))) SWIG_fail;
--argc;
if (argc == 2) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_long_SS_long(argv[1], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_Ref_DistributionMix1D__SWIG_0(self, argc, argv);
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[1], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_ConvertPtr(argv[2], 0, SWIGTYPE_p_gs__SearchSpecifier, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_DistributionMix1D__SWIG_2(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[0], &vptr, SWIGTYPE_p_gs__AbsArchive, SWIG_POINTER_NO_NULL);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[1], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
int res = SWIG_AsCharPtrAndSize(argv[2], 0, NULL, 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_new_Ref_DistributionMix1D__SWIG_1(self, argc, argv);
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_Ref_DistributionMix1D'.\n"
" Possible C/C++ prototypes are:\n"
" gs::Reference< npstat::DistributionMix1D >::Reference(gs::AbsArchive &,unsigned long long const)\n"
" gs::Reference< npstat::DistributionMix1D >::Reference(gs::AbsArchive &,char const *,char const *)\n"
" gs::Reference< npstat::DistributionMix1D >::Reference(gs::AbsArchive &,gs::SearchSpecifier const &,gs::SearchSpecifier const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_Ref_DistributionMix1D_restore(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::DistributionMix1D > *arg1 = (gs::Reference< npstat::DistributionMix1D > *) 0 ;
unsigned long arg2 ;
npstat::DistributionMix1D *arg3 = (npstat::DistributionMix1D *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
PyObject *swig_obj[3] ;
if (!SWIG_Python_UnpackTuple(args, "Ref_DistributionMix1D_restore", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__DistributionMix1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_DistributionMix1D_restore" "', argument " "1"" of type '" "gs::Reference< npstat::DistributionMix1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::DistributionMix1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_DistributionMix1D_restore" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_npstat__DistributionMix1D, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "Ref_DistributionMix1D_restore" "', argument " "3"" of type '" "npstat::DistributionMix1D *""'");
}
arg3 = reinterpret_cast< npstat::DistributionMix1D * >(argp3);
{
try {
((gs::Reference< npstat::DistributionMix1D > const *)arg1)->restore(arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_DistributionMix1D_retrieve(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::DistributionMix1D > *arg1 = (gs::Reference< npstat::DistributionMix1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::DistributionMix1D *result = 0 ;
if (!SWIG_Python_UnpackTuple(args, "Ref_DistributionMix1D_retrieve", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__DistributionMix1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_DistributionMix1D_retrieve" "', argument " "1"" of type '" "gs::Reference< npstat::DistributionMix1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::DistributionMix1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_DistributionMix1D_retrieve" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = (npstat::DistributionMix1D *)gs_Reference_Sl_npstat_DistributionMix1D_Sg__retrieve((gs::Reference< npstat::DistributionMix1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__DistributionMix1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_Ref_DistributionMix1D_getValue(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::DistributionMix1D > *arg1 = (gs::Reference< npstat::DistributionMix1D > *) 0 ;
unsigned long arg2 ;
void *argp1 = 0 ;
int res1 = 0 ;
unsigned long val2 ;
int ecode2 = 0 ;
PyObject *swig_obj[2] ;
npstat::DistributionMix1D result;
if (!SWIG_Python_UnpackTuple(args, "Ref_DistributionMix1D_getValue", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__DistributionMix1D_t, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "Ref_DistributionMix1D_getValue" "', argument " "1"" of type '" "gs::Reference< npstat::DistributionMix1D > const *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::DistributionMix1D > * >(argp1);
ecode2 = SWIG_AsVal_unsigned_SS_long(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "Ref_DistributionMix1D_getValue" "', argument " "2"" of type '" "unsigned long""'");
}
arg2 = static_cast< unsigned long >(val2);
{
try {
result = gs_Reference_Sl_npstat_DistributionMix1D_Sg__getValue((gs::Reference< npstat::DistributionMix1D > const *)arg1,arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::DistributionMix1D(static_cast< const npstat::DistributionMix1D& >(result))), SWIGTYPE_p_npstat__DistributionMix1D, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_delete_Ref_DistributionMix1D(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
gs::Reference< npstat::DistributionMix1D > *arg1 = (gs::Reference< npstat::DistributionMix1D > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_gs__ReferenceT_npstat__DistributionMix1D_t, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_Ref_DistributionMix1D" "', argument " "1"" of type '" "gs::Reference< npstat::DistributionMix1D > *""'");
}
arg1 = reinterpret_cast< gs::Reference< npstat::DistributionMix1D > * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *Ref_DistributionMix1D_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_gs__ReferenceT_npstat__DistributionMix1D_t, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *Ref_DistributionMix1D_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_HistoNDCdf_dim(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::HistoNDCdf *arg1 = (npstat::HistoNDCdf *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
unsigned int result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDCdf, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "HistoNDCdf_dim" "', argument " "1"" of type '" "npstat::HistoNDCdf const *""'");
}
arg1 = reinterpret_cast< npstat::HistoNDCdf * >(argp1);
{
try {
result = (unsigned int)((npstat::HistoNDCdf const *)arg1)->dim();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_unsigned_SS_int(static_cast< unsigned int >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_HistoNDCdf_boundingBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::HistoNDCdf *arg1 = (npstat::HistoNDCdf *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
npstat::BoxND< double > result;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDCdf, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "HistoNDCdf_boundingBox" "', argument " "1"" of type '" "npstat::HistoNDCdf const *""'");
}
arg1 = reinterpret_cast< npstat::HistoNDCdf * >(argp1);
{
try {
result = ((npstat::HistoNDCdf const *)arg1)->boundingBox();
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj((new npstat::BoxND< double >(static_cast< const npstat::BoxND< double >& >(result))), SWIGTYPE_p_npstat__BoxNDT_double_t, SWIG_POINTER_OWN | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_HistoNDCdf_cdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::HistoNDCdf *arg1 = (npstat::HistoNDCdf *) 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
PyObject *swig_obj[3] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "HistoNDCdf_cdf", 3, 3, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDCdf, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "HistoNDCdf_cdf" "', argument " "1"" of type '" "npstat::HistoNDCdf const *""'");
}
arg1 = reinterpret_cast< npstat::HistoNDCdf * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "HistoNDCdf_cdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "HistoNDCdf_cdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (double)((npstat::HistoNDCdf const *)arg1)->cdf((double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_HistoNDCdf_boxCoverage(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::HistoNDCdf *arg1 = (npstat::HistoNDCdf *) 0 ;
npstat::BoxND< double > *arg2 = 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
PyObject *swig_obj[2] ;
double result;
if (!SWIG_Python_UnpackTuple(args, "HistoNDCdf_boxCoverage", 2, 2, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDCdf, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "HistoNDCdf_boxCoverage" "', argument " "1"" of type '" "npstat::HistoNDCdf const *""'");
}
arg1 = reinterpret_cast< npstat::HistoNDCdf * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2, SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "HistoNDCdf_boxCoverage" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
if (!argp2) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "HistoNDCdf_boxCoverage" "', argument " "2"" of type '" "npstat::BoxND< double > const &""'");
}
arg2 = reinterpret_cast< npstat::BoxND< double > * >(argp2);
{
try {
result = (double)((npstat::HistoNDCdf const *)arg1)->boxCoverage((npstat::BoxND< double > const &)*arg2);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_From_double(static_cast< double >(result));
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_HistoNDCdf_coveringBox(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::HistoNDCdf *arg1 = (npstat::HistoNDCdf *) 0 ;
double arg2 ;
double *arg3 = (double *) 0 ;
unsigned int arg4 ;
npstat::BoxND< double > *arg5 = (npstat::BoxND< double > *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
double val2 ;
int ecode2 = 0 ;
void *argp3 = 0 ;
int res3 = 0 ;
unsigned int val4 ;
int ecode4 = 0 ;
void *argp5 = 0 ;
int res5 = 0 ;
PyObject *swig_obj[5] ;
if (!SWIG_Python_UnpackTuple(args, "HistoNDCdf_coveringBox", 5, 5, swig_obj)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDCdf, 0 | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "HistoNDCdf_coveringBox" "', argument " "1"" of type '" "npstat::HistoNDCdf const *""'");
}
arg1 = reinterpret_cast< npstat::HistoNDCdf * >(argp1);
ecode2 = SWIG_AsVal_double(swig_obj[1], &val2);
if (!SWIG_IsOK(ecode2)) {
SWIG_exception_fail(SWIG_ArgError(ecode2), "in method '" "HistoNDCdf_coveringBox" "', argument " "2"" of type '" "double""'");
}
arg2 = static_cast< double >(val2);
res3 = SWIG_ConvertPtr(swig_obj[2], &argp3,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res3)) {
SWIG_exception_fail(SWIG_ArgError(res3), "in method '" "HistoNDCdf_coveringBox" "', argument " "3"" of type '" "double const *""'");
}
arg3 = reinterpret_cast< double * >(argp3);
ecode4 = SWIG_AsVal_unsigned_SS_int(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "HistoNDCdf_coveringBox" "', argument " "4"" of type '" "unsigned int""'");
}
arg4 = static_cast< unsigned int >(val4);
res5 = SWIG_ConvertPtr(swig_obj[4], &argp5,SWIGTYPE_p_npstat__BoxNDT_double_t, 0 | 0 );
if (!SWIG_IsOK(res5)) {
SWIG_exception_fail(SWIG_ArgError(res5), "in method '" "HistoNDCdf_coveringBox" "', argument " "5"" of type '" "npstat::BoxND< double > *""'");
}
arg5 = reinterpret_cast< npstat::BoxND< double > * >(argp5);
{
try {
((npstat::HistoNDCdf const *)arg1)->coveringBox(arg2,(double const *)arg3,arg4,arg5);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< unsigned char > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< unsigned char > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_HistoNDCdf" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< unsigned char > const &)*arg1,(double const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< unsigned char > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< unsigned char > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< unsigned char > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< unsigned char > const &)*arg1,(double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< int > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_int_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< int > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< int > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< int > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_HistoNDCdf" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< int > const &)*arg1,(double const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_5(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< int > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_int_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< int > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< int > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< int > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< int > const &)*arg1,(double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_6(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< long > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_long_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< long > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< long > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< long > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_HistoNDCdf" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< long > const &)*arg1,(double const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_7(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< long > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_long_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< long > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< long > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< long > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< long > const &)*arg1,(double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_8(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< float > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_float_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< float > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< float > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< float > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_HistoNDCdf" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< float > const &)*arg1,(double const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_9(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< float > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_float_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< float > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< float > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< float > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< float > const &)*arg1,(double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_10(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< double > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
double arg4 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
double val4 ;
int ecode4 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 4) || (nobjs > 4)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< double > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
ecode4 = SWIG_AsVal_double(swig_obj[3], &val4);
if (!SWIG_IsOK(ecode4)) {
SWIG_exception_fail(SWIG_ArgError(ecode4), "in method '" "new_HistoNDCdf" "', argument " "4"" of type '" "double""'");
}
arg4 = static_cast< double >(val4);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< double > const &)*arg1,(double const *)arg2,arg3,arg4);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf__SWIG_11(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
npstat::HistoND< double > *arg1 = 0 ;
double *arg2 = (double *) 0 ;
unsigned int arg3 ;
void *argp1 = 0 ;
int res1 = 0 ;
void *argp2 = 0 ;
int res2 = 0 ;
unsigned int val3 ;
int ecode3 = 0 ;
npstat::HistoNDCdf *result = 0 ;
if ((nobjs < 3) || (nobjs > 3)) SWIG_fail;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1, SWIGTYPE_p_npstat__HistoNDT_double_t, 0 | 0);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< double > const &""'");
}
if (!argp1) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "new_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoND< double > const &""'");
}
arg1 = reinterpret_cast< npstat::HistoND< double > * >(argp1);
res2 = SWIG_ConvertPtr(swig_obj[1], &argp2,SWIGTYPE_p_double, 0 | 0 );
if (!SWIG_IsOK(res2)) {
SWIG_exception_fail(SWIG_ArgError(res2), "in method '" "new_HistoNDCdf" "', argument " "2"" of type '" "double const *""'");
}
arg2 = reinterpret_cast< double * >(argp2);
ecode3 = SWIG_AsVal_unsigned_SS_int(swig_obj[2], &val3);
if (!SWIG_IsOK(ecode3)) {
SWIG_exception_fail(SWIG_ArgError(ecode3), "in method '" "new_HistoNDCdf" "', argument " "3"" of type '" "unsigned int""'");
}
arg3 = static_cast< unsigned int >(val3);
{
try {
result = (npstat::HistoNDCdf *)new npstat::HistoNDCdf((npstat::HistoND< double > const &)*arg1,(double const *)arg2,arg3);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_NEW | 0 );
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *_wrap_new_HistoNDCdf(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[5] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "new_HistoNDCdf", 0, 4, argv))) SWIG_fail;
--argc;
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_3(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_int_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_5(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_long_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_7(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_float_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_9(self, argc, argv);
}
}
}
}
if (argc == 3) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_11(self, argc, argv);
}
}
}
}
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_int_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_4(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_float_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_8(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_unsigned_char_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_2(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_double_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_10(self, argc, argv);
}
}
}
}
}
if (argc == 4) {
int _v;
int res = SWIG_ConvertPtr(argv[0], 0, SWIGTYPE_p_npstat__HistoNDT_long_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
void *vptr = 0;
int res = SWIG_ConvertPtr(argv[1], &vptr, SWIGTYPE_p_double, 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[2], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[3], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_new_HistoNDCdf__SWIG_6(self, argc, argv);
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'new_HistoNDCdf'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< unsigned char > const &,double const *,unsigned int const,double const)\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< unsigned char > const &,double const *,unsigned int const)\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< int > const &,double const *,unsigned int const,double const)\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< int > const &,double const *,unsigned int const)\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< long > const &,double const *,unsigned int const,double const)\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< long > const &,double const *,unsigned int const)\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< float > const &,double const *,unsigned int const,double const)\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< float > const &,double const *,unsigned int const)\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< double > const &,double const *,unsigned int const,double const)\n"
" npstat::HistoNDCdf::HistoNDCdf(npstat::HistoND< double > const &,double const *,unsigned int const)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_delete_HistoNDCdf(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *resultobj = 0;
npstat::HistoNDCdf *arg1 = (npstat::HistoNDCdf *) 0 ;
void *argp1 = 0 ;
int res1 = 0 ;
PyObject *swig_obj[1] ;
if (!args) SWIG_fail;
swig_obj[0] = args;
res1 = SWIG_ConvertPtr(swig_obj[0], &argp1,SWIGTYPE_p_npstat__HistoNDCdf, SWIG_POINTER_DISOWN | 0 );
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "delete_HistoNDCdf" "', argument " "1"" of type '" "npstat::HistoNDCdf *""'");
}
arg1 = reinterpret_cast< npstat::HistoNDCdf * >(argp1);
{
try {
delete arg1;
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_Py_Void();
return resultobj;
fail:
return NULL;
}
SWIGINTERN PyObject *HistoNDCdf_swigregister(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
PyObject *obj;
if (!SWIG_Python_UnpackTuple(args, "swigregister", 1, 1, &obj)) return NULL;
SWIG_TypeNewClientData(SWIGTYPE_p_npstat__HistoNDCdf, SWIG_NewClientData(obj));
return SWIG_Py_Void();
}
SWIGINTERN PyObject *HistoNDCdf_swiginit(PyObject *SWIGUNUSEDPARM(self), PyObject *args) {
return SWIG_Python_InitShadowInstance(args);
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro2D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,2U > > *arg12 = 0 ;
bool arg13 ;
unsigned int arg14 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *ptr = (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_2U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,2U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,2U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,2U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,2U > >((std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,2U > > const &)*arg12,arg13,arg14);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro2D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,2U > > *arg12 = 0 ;
bool arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *ptr = (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_2U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,2U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,2U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,2U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,2U > >((std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,2U > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro3D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,3U > > *arg12 = 0 ;
bool arg13 ;
unsigned int arg14 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *ptr = (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_3U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,3U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,3U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,3U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,3U > >((std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,3U > > const &)*arg12,arg13,arg14);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro3D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,3U > > *arg12 = 0 ;
bool arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *ptr = (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_3U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,3U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,3U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,3U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,3U > >((std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,3U > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro4D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,4U > > *arg12 = 0 ;
bool arg13 ;
unsigned int arg14 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *ptr = (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_4U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,4U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,4U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,4U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,4U > >((std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,4U > > const &)*arg12,arg13,arg14);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro4D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,4U > > *arg12 = 0 ;
bool arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *ptr = (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_4U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,4U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,4U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,4U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,4U > >((std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,4U > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro5D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,5U > > *arg12 = 0 ;
bool arg13 ;
unsigned int arg14 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *ptr = (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_5U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,5U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,5U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,5U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,5U > >((std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,5U > > const &)*arg12,arg13,arg14);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro5D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,5U > > *arg12 = 0 ;
bool arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *ptr = (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_5U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,5U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,5U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,5U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,5U > >((std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,5U > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro6D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,6U > > *arg12 = 0 ;
bool arg13 ;
unsigned int arg14 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *ptr = (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_6U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,6U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,6U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,6U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,6U > >((std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,6U > > const &)*arg12,arg13,arg14);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro6D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,6U > > *arg12 = 0 ;
bool arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *ptr = (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_6U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,6U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,6U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,6U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,6U > >((std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,6U > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro7D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,7U > > *arg12 = 0 ;
bool arg13 ;
unsigned int arg14 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *ptr = (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_7U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,7U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,7U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,7U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,7U > >((std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,7U > > const &)*arg12,arg13,arg14);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro7D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,7U > > *arg12 = 0 ;
bool arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *ptr = (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_7U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,7U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,7U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,7U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,7U > >((std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,7U > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro8D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,8U > > *arg12 = 0 ;
bool arg13 ;
unsigned int arg14 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *ptr = (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_8U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,8U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,8U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,8U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,8U > >((std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,8U > > const &)*arg12,arg13,arg14);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro8D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,8U > > *arg12 = 0 ;
bool arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *ptr = (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_8U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,8U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,8U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,8U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,8U > >((std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,8U > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro9D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,9U > > *arg12 = 0 ;
bool arg13 ;
unsigned int arg14 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *ptr = (std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_9U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,9U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,9U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,9U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,9U > >((std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,9U > > const &)*arg12,arg13,arg14);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro9D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,9U > > *arg12 = 0 ;
bool arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *ptr = (std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "1"" of type '" "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_9U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,9U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,9U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,9U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro9D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,9U > >((std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,9U > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro10D__SWIG_0(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,10U > > *arg12 = 0 ;
bool arg13 ;
unsigned int arg14 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
unsigned int val14 ;
int ecode14 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *ptr = (std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_10U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,10U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,10U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,10U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
ecode14 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val14);
if (!SWIG_IsOK(ecode14)) {
SWIG_exception_fail(SWIG_ArgError(ecode14), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "14"" of type '" "unsigned int""'");
}
arg14 = static_cast< unsigned int >(val14);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,10U > >((std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,10U > > const &)*arg12,arg13,arg14);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro10D__SWIG_1(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int *arg10 = (unsigned int *) 0 ;
unsigned int arg11 ;
npstat::AbsCompositeDistroBuilder< std::array< double,10U > > *arg12 = 0 ;
bool arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
PyArrayObject *array10 = NULL ;
int is_new_object10 = 0 ;
void *argp12 = 0 ;
int res12 = 0 ;
bool val13 ;
int ecode13 = 0 ;
npstat::GridInterpolatedDistribution *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *ptr = (std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "1"" of type '" "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
{
npy_intp size[1] = {
-1
};
array10 = obj_to_array_contiguous_allow_conversion(swig_obj[7],
NPY_UINT,
&is_new_object10);
if (!array10 || !require_dimensions(array10, 1) ||
!require_size(array10, size, 1)) SWIG_fail;
arg10 = (unsigned int*) array_data(array10);
arg11 = (int) array_size(array10,0);
}
res12 = SWIG_ConvertPtr(swig_obj[8], &argp12, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_10U_t_t, 0 | 0);
if (!SWIG_IsOK(res12)) {
SWIG_exception_fail(SWIG_ArgError(res12), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,10U > > const &""'");
}
if (!argp12) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "12"" of type '" "npstat::AbsCompositeDistroBuilder< std::array< double,10U > > const &""'");
}
arg12 = reinterpret_cast< npstat::AbsCompositeDistroBuilder< std::array< double,10U > > * >(argp12);
ecode13 = SWIG_AsVal_bool(swig_obj[9], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro10D" "', argument " "13"" of type '" "bool""'");
}
arg13 = static_cast< bool >(val13);
{
try {
result = (npstat::GridInterpolatedDistribution *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedCompositeDistroND_2< std::array< double,10U > >((std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,(unsigned int const *)arg10,arg11,(npstat::AbsCompositeDistroBuilder< std::array< double,10U > > const &)*arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__GridInterpolatedDistribution, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
{
if (is_new_object10 && array10)
{
Py_DECREF(array10);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro2D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,2U > > *arg11 = 0 ;
bool arg12 ;
unsigned int arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
unsigned int val13 ;
int ecode13 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *ptr = (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,2U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
ecode13 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "13"" of type '" "unsigned int""'");
}
arg13 = static_cast< unsigned int >(val13);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,2U > >((std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,2U > > const &)*arg11,arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro2D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,2U > > *arg11 = 0 ;
bool arg12 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *ptr = (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,2U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,2U > >((std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,2U > > const &)*arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro2D__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,2U > > *arg11 = 0 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
{
std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *ptr = (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "1"" of type '" "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro2D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,2U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,2U > > * >(argp11);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,2U > >((std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,2U > > const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro2D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "buildInterpolatedCompositeDistro2D", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 9) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_buildInterpolatedCompositeDistro2D__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro2D__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_2U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro2D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_2U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro2D__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_2U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro2D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'buildInterpolatedCompositeDistro2D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,2U > >(std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,2U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,2U > >(std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,2U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,2U > >(std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,2U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,2U > >(std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,2U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,2U > >(std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,2U > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro3D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,3U > > *arg11 = 0 ;
bool arg12 ;
unsigned int arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
unsigned int val13 ;
int ecode13 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *ptr = (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,3U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
ecode13 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "13"" of type '" "unsigned int""'");
}
arg13 = static_cast< unsigned int >(val13);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,3U > >((std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,3U > > const &)*arg11,arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro3D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,3U > > *arg11 = 0 ;
bool arg12 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *ptr = (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,3U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,3U > >((std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,3U > > const &)*arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro3D__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,3U > > *arg11 = 0 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
{
std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *ptr = (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "1"" of type '" "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro3D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,3U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,3U > > * >(argp11);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,3U > >((std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,3U > > const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro3D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "buildInterpolatedCompositeDistro3D", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 9) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_buildInterpolatedCompositeDistro3D__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro3D__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_3U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro3D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_3U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro3D__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_3U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro3D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'buildInterpolatedCompositeDistro3D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,3U > >(std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,3U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,3U > >(std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,3U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,3U > >(std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,3U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,3U > >(std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,3U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,3U > >(std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,3U > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro4D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,4U > > *arg11 = 0 ;
bool arg12 ;
unsigned int arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
unsigned int val13 ;
int ecode13 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *ptr = (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,4U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
ecode13 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "13"" of type '" "unsigned int""'");
}
arg13 = static_cast< unsigned int >(val13);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,4U > >((std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,4U > > const &)*arg11,arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro4D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,4U > > *arg11 = 0 ;
bool arg12 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *ptr = (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,4U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,4U > >((std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,4U > > const &)*arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro4D__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,4U > > *arg11 = 0 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
{
std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *ptr = (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "1"" of type '" "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro4D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,4U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,4U > > * >(argp11);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,4U > >((std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,4U > > const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro4D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "buildInterpolatedCompositeDistro4D", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 9) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_buildInterpolatedCompositeDistro4D__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro4D__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_4U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro4D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_4U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro4D__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_4U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro4D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'buildInterpolatedCompositeDistro4D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,4U > >(std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,4U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,4U > >(std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,4U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,4U > >(std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,4U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,4U > >(std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,4U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,4U > >(std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,4U > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro5D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,5U > > *arg11 = 0 ;
bool arg12 ;
unsigned int arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
unsigned int val13 ;
int ecode13 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *ptr = (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,5U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
ecode13 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "13"" of type '" "unsigned int""'");
}
arg13 = static_cast< unsigned int >(val13);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,5U > >((std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,5U > > const &)*arg11,arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro5D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,5U > > *arg11 = 0 ;
bool arg12 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *ptr = (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,5U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,5U > >((std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,5U > > const &)*arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro5D__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,5U > > *arg11 = 0 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
{
std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *ptr = (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "1"" of type '" "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro5D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,5U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,5U > > * >(argp11);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,5U > >((std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,5U > > const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro5D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "buildInterpolatedCompositeDistro5D", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 9) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_buildInterpolatedCompositeDistro5D__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro5D__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_5U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro5D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_5U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro5D__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_5U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro5D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'buildInterpolatedCompositeDistro5D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,5U > >(std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,5U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,5U > >(std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,5U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,5U > >(std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,5U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,5U > >(std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,5U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,5U > >(std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,5U > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro6D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,6U > > *arg11 = 0 ;
bool arg12 ;
unsigned int arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
unsigned int val13 ;
int ecode13 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *ptr = (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,6U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
ecode13 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "13"" of type '" "unsigned int""'");
}
arg13 = static_cast< unsigned int >(val13);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,6U > >((std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,6U > > const &)*arg11,arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro6D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,6U > > *arg11 = 0 ;
bool arg12 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *ptr = (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,6U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,6U > >((std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,6U > > const &)*arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro6D__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,6U > > *arg11 = 0 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
{
std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *ptr = (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "1"" of type '" "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro6D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,6U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,6U > > * >(argp11);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,6U > >((std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,6U > > const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro6D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "buildInterpolatedCompositeDistro6D", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 9) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_buildInterpolatedCompositeDistro6D__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro6D__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_6U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro6D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_6U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro6D__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_6U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro6D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'buildInterpolatedCompositeDistro6D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,6U > >(std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,6U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,6U > >(std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,6U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,6U > >(std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,6U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,6U > >(std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,6U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,6U > >(std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,6U > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro7D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,7U > > *arg11 = 0 ;
bool arg12 ;
unsigned int arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
unsigned int val13 ;
int ecode13 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *ptr = (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,7U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
ecode13 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "13"" of type '" "unsigned int""'");
}
arg13 = static_cast< unsigned int >(val13);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,7U > >((std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,7U > > const &)*arg11,arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro7D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,7U > > *arg11 = 0 ;
bool arg12 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *ptr = (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,7U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,7U > >((std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,7U > > const &)*arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro7D__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,7U > > *arg11 = 0 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
{
std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *ptr = (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "1"" of type '" "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro7D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,7U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,7U > > * >(argp11);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,7U > >((std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,7U > > const &)*arg11);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro7D(PyObject *self, PyObject *args) {
Py_ssize_t argc;
PyObject *argv[12] = {
0
};
if (!(argc = SWIG_Python_UnpackTuple(args, "buildInterpolatedCompositeDistro7D", 0, 11, argv))) SWIG_fail;
--argc;
if (argc == 9) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
return _wrap_buildInterpolatedCompositeDistro7D__SWIG_4(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro7D__SWIG_3(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 10) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_7U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro7D__SWIG_1(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[7], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_7U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro7D__SWIG_2(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
if (argc == 11) {
int _v;
int res = swig::asptr(argv[0], (std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[1]) || PySequence_Check(argv[1]);
}
if (_v) {
int res = swig::asptr(argv[2], (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > >**)(0));
_v = SWIG_CheckState(res);
if (_v) {
{
_v = is_array(argv[3]) || PySequence_Check(argv[3]);
}
if (_v) {
{
int res = SWIG_AsVal_int(argv[4], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_double(argv[5], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_bool(argv[6], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
_v = is_array(argv[7]) || PySequence_Check(argv[7]);
}
if (_v) {
int res = SWIG_ConvertPtr(argv[8], 0, SWIGTYPE_p_npstat__AbsCompositeDistroBuilderT_std__arrayT_double_7U_t_t, SWIG_POINTER_NO_NULL | 0);
_v = SWIG_CheckState(res);
if (_v) {
{
int res = SWIG_AsVal_bool(argv[9], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
{
int res = SWIG_AsVal_unsigned_SS_int(argv[10], NULL);
_v = SWIG_CheckState(res);
}
if (_v) {
return _wrap_buildInterpolatedCompositeDistro7D__SWIG_0(self, argc, argv);
}
}
}
}
}
}
}
}
}
}
}
}
fail:
SWIG_Python_RaiseOrModifyTypeError("Wrong number or type of arguments for overloaded function 'buildInterpolatedCompositeDistro7D'.\n"
" Possible C/C++ prototypes are:\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,7U > >(std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,7U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedCompositeDistroND_2< std::array< double,7U > >(std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int const *,unsigned int,npstat::AbsCompositeDistroBuilder< std::array< double,7U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,7U > >(std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,7U > > const &,bool,unsigned int)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,7U > >(std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,7U > > const &,bool)\n"
" npstat::buildInterpolatedDistro1DNP_2< std::array< double,7U > >(std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > const &,unsigned int const *,unsigned int,std::vector< std::string,std::allocator< std::string > > const,unsigned int const *,unsigned int,int,double,bool,unsigned int,npstat::AbsDistro1DBuilder< std::array< double,7U > > const &)\n");
return 0;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro8D__SWIG_2(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,8U > > *arg11 = 0 ;
bool arg12 ;
unsigned int arg13 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
unsigned int val13 ;
int ecode13 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 11) || (nobjs > 11)) SWIG_fail;
{
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *ptr = (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_8U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,8U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,8U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,8U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
ecode13 = SWIG_AsVal_unsigned_SS_int(swig_obj[10], &val13);
if (!SWIG_IsOK(ecode13)) {
SWIG_exception_fail(SWIG_ArgError(ecode13), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "13"" of type '" "unsigned int""'");
}
arg13 = static_cast< unsigned int >(val13);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,8U > >((std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,8U > > const &)*arg11,arg12,arg13);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro8D__SWIG_3(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,8U > > *arg11 = 0 ;
bool arg12 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
bool val12 ;
int ecode12 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 10) || (nobjs > 10)) SWIG_fail;
{
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *ptr = (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
SWIG_exception_fail(SWIG_ArgError(ecode7), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "7"" of type '" "int""'");
}
arg7 = static_cast< int >(val7);
ecode8 = SWIG_AsVal_double(swig_obj[5], &val8);
if (!SWIG_IsOK(ecode8)) {
SWIG_exception_fail(SWIG_ArgError(ecode8), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "8"" of type '" "double""'");
}
arg8 = static_cast< double >(val8);
ecode9 = SWIG_AsVal_bool(swig_obj[6], &val9);
if (!SWIG_IsOK(ecode9)) {
SWIG_exception_fail(SWIG_ArgError(ecode9), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "9"" of type '" "bool""'");
}
arg9 = static_cast< bool >(val9);
ecode10 = SWIG_AsVal_unsigned_SS_int(swig_obj[7], &val10);
if (!SWIG_IsOK(ecode10)) {
SWIG_exception_fail(SWIG_ArgError(ecode10), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "10"" of type '" "unsigned int""'");
}
arg10 = static_cast< unsigned int >(val10);
res11 = SWIG_ConvertPtr(swig_obj[8], &argp11, SWIGTYPE_p_npstat__AbsDistro1DBuilderT_std__arrayT_double_8U_t_t, 0 | 0);
if (!SWIG_IsOK(res11)) {
SWIG_exception_fail(SWIG_ArgError(res11), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,8U > > const &""'");
}
if (!argp11) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "11"" of type '" "npstat::AbsDistro1DBuilder< std::array< double,8U > > const &""'");
}
arg11 = reinterpret_cast< npstat::AbsDistro1DBuilder< std::array< double,8U > > * >(argp11);
ecode12 = SWIG_AsVal_bool(swig_obj[9], &val12);
if (!SWIG_IsOK(ecode12)) {
SWIG_exception_fail(SWIG_ArgError(ecode12), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "12"" of type '" "bool""'");
}
arg12 = static_cast< bool >(val12);
{
try {
result = (npstat::InterpolatedDistro1DNP *)npstat::SWIGTEMPLATEDISAMBIGUATOR buildInterpolatedDistro1DNP_2< std::array< double,8U > >((std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &)*arg1,(unsigned int const *)arg2,arg3,arg4,(unsigned int const *)arg5,arg6,arg7,arg8,arg9,arg10,(npstat::AbsDistro1DBuilder< std::array< double,8U > > const &)*arg11,arg12);
} catch (const std::exception& e) {
SWIG_exception(SWIG_RuntimeError, e.what());
}
}
resultobj = SWIG_NewPointerObj(SWIG_as_voidptr(result), SWIGTYPE_p_npstat__InterpolatedDistro1DNP, SWIG_POINTER_OWN | 0 );
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return resultobj;
fail:
if (SWIG_IsNewObj(res1)) delete arg1;
{
if (is_new_object2 && array2)
{
Py_DECREF(array2);
}
}
{
if (is_new_object5 && array5)
{
Py_DECREF(array5);
}
}
return NULL;
}
SWIGINTERN PyObject *_wrap_buildInterpolatedCompositeDistro8D__SWIG_4(PyObject *SWIGUNUSEDPARM(self), Py_ssize_t nobjs, PyObject **swig_obj) {
PyObject *resultobj = 0;
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *arg1 = 0 ;
unsigned int *arg2 = (unsigned int *) 0 ;
unsigned int arg3 ;
std::vector< std::string,std::allocator< std::string > > arg4 ;
unsigned int *arg5 = (unsigned int *) 0 ;
unsigned int arg6 ;
int arg7 ;
double arg8 ;
bool arg9 ;
unsigned int arg10 ;
npstat::AbsDistro1DBuilder< std::array< double,8U > > *arg11 = 0 ;
int res1 = SWIG_OLDOBJ ;
PyArrayObject *array2 = NULL ;
int is_new_object2 = 0 ;
PyArrayObject *array5 = NULL ;
int is_new_object5 = 0 ;
int val7 ;
int ecode7 = 0 ;
double val8 ;
int ecode8 = 0 ;
bool val9 ;
int ecode9 = 0 ;
unsigned int val10 ;
int ecode10 = 0 ;
void *argp11 = 0 ;
int res11 = 0 ;
npstat::InterpolatedDistro1DNP *result = 0 ;
if ((nobjs < 9) || (nobjs > 9)) SWIG_fail;
{
std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *ptr = (std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *)0;
res1 = swig::asptr(swig_obj[0], &ptr);
if (!SWIG_IsOK(res1)) {
SWIG_exception_fail(SWIG_ArgError(res1), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
if (!ptr) {
SWIG_exception_fail(SWIG_ValueError, "invalid null reference " "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "1"" of type '" "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > const &""'");
}
arg1 = ptr;
}
{
npy_intp size[1] = {
-1
};
array2 = obj_to_array_contiguous_allow_conversion(swig_obj[1],
NPY_UINT,
&is_new_object2);
if (!array2 || !require_dimensions(array2, 1) ||
!require_size(array2, size, 1)) SWIG_fail;
arg2 = (unsigned int*) array_data(array2);
arg3 = (int) array_size(array2,0);
}
{
std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *ptr = (std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *)0;
int res = swig::asptr(swig_obj[2], &ptr);
if (!SWIG_IsOK(res) || !ptr) {
SWIG_exception_fail(SWIG_ArgError((ptr ? res : SWIG_TypeError)), "in method '" "buildInterpolatedCompositeDistro8D" "', argument " "4"" of type '" "std::vector< std::string,std::allocator< std::string > > const""'");
}
arg4 = *ptr;
if (SWIG_IsNewObj(res)) delete ptr;
}
{
npy_intp size[1] = {
-1
};
array5 = obj_to_array_contiguous_allow_conversion(swig_obj[3],
NPY_UINT,
&is_new_object5);
if (!array5 || !require_dimensions(array5, 1) ||
!require_size(array5, size, 1)) SWIG_fail;
arg5 = (unsigned int*) array_data(array5);
arg6 = (int) array_size(array5,0);
}
ecode7 = SWIG_AsVal_int(swig_obj[4], &val7);
if (!SWIG_IsOK(ecode7)) {
Index: trunk/npstat/swig/npstat.py
===================================================================
--- trunk/npstat/swig/npstat.py (revision 814)
+++ trunk/npstat/swig/npstat.py (revision 815)
@@ -1,47920 +1,47920 @@
# This file was automatically generated by SWIG (http://www.swig.org).
# Version 4.0.2
#
# Do not make changes to this file unless you know what you are doing--modify
# the SWIG interface file instead.
from sys import version_info as _swig_python_version_info
if _swig_python_version_info < (2, 7, 0):
raise RuntimeError("Python 2.7 or later required")
# Import the low-level C/C++ module
if __package__ or "." in __name__:
from . import _npstat
else:
import _npstat
try:
import builtins as __builtin__
except ImportError:
import __builtin__
def _swig_repr(self):
try:
strthis = "proxy of " + self.this.__repr__()
except __builtin__.Exception:
strthis = ""
return "<%s.%s; %s >" % (self.__class__.__module__, self.__class__.__name__, strthis,)
def _swig_setattr_nondynamic_instance_variable(set):
def set_instance_attr(self, name, value):
if name == "thisown":
self.this.own(value)
elif name == "this":
set(self, name, value)
elif hasattr(self, name) and isinstance(getattr(type(self), name), property):
set(self, name, value)
else:
raise AttributeError("You cannot add instance attributes to %s" % self)
return set_instance_attr
def _swig_setattr_nondynamic_class_variable(set):
def set_class_attr(cls, name, value):
if hasattr(cls, name) and not isinstance(getattr(cls, name), property):
set(cls, name, value)
else:
raise AttributeError("You cannot add class attributes to %s" % cls)
return set_class_attr
def _swig_add_metaclass(metaclass):
"""Class decorator for adding a metaclass to a SWIG wrapped class - a slimmed down version of six.add_metaclass"""
def wrapper(cls):
return metaclass(cls.__name__, cls.__bases__, cls.__dict__.copy())
return wrapper
class _SwigNonDynamicMeta(type):
"""Meta class to enforce nondynamic attributes (no new attributes) for a class"""
__setattr__ = _swig_setattr_nondynamic_class_variable(type.__setattr__)
class SwigPyIterator(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_SwigPyIterator
def value(self) -> "PyObject *":
return _npstat.SwigPyIterator_value(self)
def incr(self, n: "size_t"=1) -> "swig::SwigPyIterator *":
return _npstat.SwigPyIterator_incr(self, n)
def decr(self, n: "size_t"=1) -> "swig::SwigPyIterator *":
return _npstat.SwigPyIterator_decr(self, n)
def distance(self, x: "SwigPyIterator") -> "ptrdiff_t":
return _npstat.SwigPyIterator_distance(self, x)
def equal(self, x: "SwigPyIterator") -> "bool":
return _npstat.SwigPyIterator_equal(self, x)
def copy(self) -> "swig::SwigPyIterator *":
return _npstat.SwigPyIterator_copy(self)
def next(self) -> "PyObject *":
return _npstat.SwigPyIterator_next(self)
def __next__(self) -> "PyObject *":
return _npstat.SwigPyIterator___next__(self)
def previous(self) -> "PyObject *":
return _npstat.SwigPyIterator_previous(self)
def advance(self, n: "ptrdiff_t") -> "swig::SwigPyIterator *":
return _npstat.SwigPyIterator_advance(self, n)
def __eq__(self, x: "SwigPyIterator") -> "bool":
return _npstat.SwigPyIterator___eq__(self, x)
def __ne__(self, x: "SwigPyIterator") -> "bool":
return _npstat.SwigPyIterator___ne__(self, x)
def __iadd__(self, n: "ptrdiff_t") -> "swig::SwigPyIterator &":
return _npstat.SwigPyIterator___iadd__(self, n)
def __isub__(self, n: "ptrdiff_t") -> "swig::SwigPyIterator &":
return _npstat.SwigPyIterator___isub__(self, n)
def __add__(self, n: "ptrdiff_t") -> "swig::SwigPyIterator *":
return _npstat.SwigPyIterator___add__(self, n)
def __sub__(self, *args) -> "ptrdiff_t":
return _npstat.SwigPyIterator___sub__(self, *args)
def __iter__(self):
return self
# Register SwigPyIterator in _npstat:
_npstat.SwigPyIterator_swigregister(SwigPyIterator)
class string(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def length(self) -> "std::basic_string< char >::size_type":
return _npstat.string_length(self)
def max_size(self) -> "std::basic_string< char >::size_type":
return _npstat.string_max_size(self)
def capacity(self) -> "std::basic_string< char >::size_type":
return _npstat.string_capacity(self)
def reserve(self, __res_arg: "std::basic_string< char >::size_type"=0) -> "void":
return _npstat.string_reserve(self, __res_arg)
def copy(self, __s: "char *", __n: "std::basic_string< char >::size_type", __pos: "std::basic_string< char >::size_type"=0) -> "std::basic_string< char >::size_type":
return _npstat.string_copy(self, __s, __n, __pos)
def c_str(self) -> "char const *":
return _npstat.string_c_str(self)
def find(self, *args) -> "std::basic_string< char >::size_type":
return _npstat.string_find(self, *args)
def rfind(self, *args) -> "std::basic_string< char >::size_type":
return _npstat.string_rfind(self, *args)
def find_first_of(self, *args) -> "std::basic_string< char >::size_type":
return _npstat.string_find_first_of(self, *args)
def find_last_of(self, *args) -> "std::basic_string< char >::size_type":
return _npstat.string_find_last_of(self, *args)
def find_first_not_of(self, *args) -> "std::basic_string< char >::size_type":
return _npstat.string_find_first_not_of(self, *args)
def find_last_not_of(self, *args) -> "std::basic_string< char >::size_type":
return _npstat.string_find_last_not_of(self, *args)
def substr(self, *args) -> "std::basic_string< char >":
return _npstat.string_substr(self, *args)
def empty(self) -> "bool":
return _npstat.string_empty(self)
def size(self) -> "std::basic_string< char >::size_type":
return _npstat.string_size(self)
def swap(self, v: "string") -> "void":
return _npstat.string_swap(self, v)
def begin(self) -> "std::basic_string< char >::iterator":
return _npstat.string_begin(self)
def end(self) -> "std::basic_string< char >::iterator":
return _npstat.string_end(self)
def rbegin(self) -> "std::basic_string< char >::reverse_iterator":
return _npstat.string_rbegin(self)
def rend(self) -> "std::basic_string< char >::reverse_iterator":
return _npstat.string_rend(self)
def get_allocator(self) -> "std::basic_string< char >::allocator_type":
return _npstat.string_get_allocator(self)
def erase(self, *args) -> "std::basic_string< char >::iterator":
return _npstat.string_erase(self, *args)
def __init__(self, *args):
_npstat.string_swiginit(self, _npstat.new_string(*args))
def assign(self, *args) -> "void":
return _npstat.string_assign(self, *args)
def resize(self, *args) -> "void":
return _npstat.string_resize(self, *args)
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.string_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.string___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.string___bool__(self)
def __len__(self) -> "std::basic_string< char >::size_type":
return _npstat.string___len__(self)
def __getslice__(self, i: "std::basic_string< char >::difference_type", j: "std::basic_string< char >::difference_type") -> "std::basic_string< char,std::char_traits< char >,std::allocator< char > > *":
return _npstat.string___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.string___setslice__(self, *args)
def __delslice__(self, i: "std::basic_string< char >::difference_type", j: "std::basic_string< char >::difference_type") -> "void":
return _npstat.string___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.string___delitem__(self, *args)
def __getitem__(self, *args) -> "std::basic_string< char >::value_type":
return _npstat.string___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.string___setitem__(self, *args)
def insert(self, *args) -> "void":
return _npstat.string_insert(self, *args)
def replace(self, *args) -> "std::basic_string< char > &":
return _npstat.string_replace(self, *args)
def __iadd__(self, v: "string") -> "std::basic_string< char > &":
return _npstat.string___iadd__(self, v)
def __add__(self, v: "string") -> "std::basic_string< char,std::char_traits< char >,std::allocator< char > > *":
return _npstat.string___add__(self, v)
def __radd__(self, v: "string") -> "std::basic_string< char,std::char_traits< char >,std::allocator< char > > *":
return _npstat.string___radd__(self, v)
def __str__(self) -> "std::basic_string< char,std::char_traits< char >,std::allocator< char > >":
return _npstat.string___str__(self)
def __rlshift__(self, out: "ostream") -> "std::basic_ostream< char,std::char_traits< char > > &":
return _npstat.string___rlshift__(self, out)
def __eq__(self, v: "string") -> "bool":
return _npstat.string___eq__(self, v)
def __ne__(self, v: "string") -> "bool":
return _npstat.string___ne__(self, v)
def __gt__(self, v: "string") -> "bool":
return _npstat.string___gt__(self, v)
def __lt__(self, v: "string") -> "bool":
return _npstat.string___lt__(self, v)
def __ge__(self, v: "string") -> "bool":
return _npstat.string___ge__(self, v)
def __le__(self, v: "string") -> "bool":
return _npstat.string___le__(self, v)
__swig_destroy__ = _npstat.delete_string
# Register string in _npstat:
_npstat.string_swigregister(string)
cvar = _npstat.cvar
string.npos = _npstat.cvar.string_npos
class ios_base(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
erase_event = _npstat.ios_base_erase_event
imbue_event = _npstat.ios_base_imbue_event
copyfmt_event = _npstat.ios_base_copyfmt_event
def register_callback(self, __fn: "std::ios_base::event_callback", __index: "int") -> "void":
return _npstat.ios_base_register_callback(self, __fn, __index)
def flags(self, *args) -> "std::ios_base::fmtflags":
return _npstat.ios_base_flags(self, *args)
def setf(self, *args) -> "std::ios_base::fmtflags":
return _npstat.ios_base_setf(self, *args)
def unsetf(self, __mask: "std::ios_base::fmtflags") -> "void":
return _npstat.ios_base_unsetf(self, __mask)
def precision(self, *args) -> "std::streamsize":
return _npstat.ios_base_precision(self, *args)
def width(self, *args) -> "std::streamsize":
return _npstat.ios_base_width(self, *args)
@staticmethod
def sync_with_stdio(__sync: "bool"=True) -> "bool":
return _npstat.ios_base_sync_with_stdio(__sync)
def imbue(self, __loc: "std::locale const &") -> "std::locale":
return _npstat.ios_base_imbue(self, __loc)
def getloc(self) -> "std::locale":
return _npstat.ios_base_getloc(self)
@staticmethod
def xalloc() -> "int":
return _npstat.ios_base_xalloc()
def iword(self, __ix: "int") -> "long &":
return _npstat.ios_base_iword(self, __ix)
def pword(self, __ix: "int") -> "void *&":
return _npstat.ios_base_pword(self, __ix)
__swig_destroy__ = _npstat.delete_ios_base
# Register ios_base in _npstat:
_npstat.ios_base_swigregister(ios_base)
ios_base.boolalpha = _npstat.cvar.ios_base_boolalpha
ios_base.dec = _npstat.cvar.ios_base_dec
ios_base.fixed = _npstat.cvar.ios_base_fixed
ios_base.hex = _npstat.cvar.ios_base_hex
ios_base.internal = _npstat.cvar.ios_base_internal
ios_base.left = _npstat.cvar.ios_base_left
ios_base.oct = _npstat.cvar.ios_base_oct
ios_base.right = _npstat.cvar.ios_base_right
ios_base.scientific = _npstat.cvar.ios_base_scientific
ios_base.showbase = _npstat.cvar.ios_base_showbase
ios_base.showpoint = _npstat.cvar.ios_base_showpoint
ios_base.showpos = _npstat.cvar.ios_base_showpos
ios_base.skipws = _npstat.cvar.ios_base_skipws
ios_base.unitbuf = _npstat.cvar.ios_base_unitbuf
ios_base.uppercase = _npstat.cvar.ios_base_uppercase
ios_base.adjustfield = _npstat.cvar.ios_base_adjustfield
ios_base.basefield = _npstat.cvar.ios_base_basefield
ios_base.floatfield = _npstat.cvar.ios_base_floatfield
ios_base.badbit = _npstat.cvar.ios_base_badbit
ios_base.eofbit = _npstat.cvar.ios_base_eofbit
ios_base.failbit = _npstat.cvar.ios_base_failbit
ios_base.goodbit = _npstat.cvar.ios_base_goodbit
ios_base.app = _npstat.cvar.ios_base_app
ios_base.ate = _npstat.cvar.ios_base_ate
ios_base.binary = _npstat.cvar.ios_base_binary
ios_base.ios_base_in = _npstat.cvar.ios_base_ios_base_in
ios_base.out = _npstat.cvar.ios_base_out
ios_base.trunc = _npstat.cvar.ios_base_trunc
ios_base.beg = _npstat.cvar.ios_base_beg
ios_base.cur = _npstat.cvar.ios_base_cur
ios_base.end = _npstat.cvar.ios_base_end
def ios_base_sync_with_stdio(__sync: "bool"=True) -> "bool":
return _npstat.ios_base_sync_with_stdio(__sync)
def ios_base_xalloc() -> "int":
return _npstat.ios_base_xalloc()
class ios(ios_base):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def rdstate(self) -> "std::ios_base::iostate":
return _npstat.ios_rdstate(self)
def clear(self, *args) -> "void":
return _npstat.ios_clear(self, *args)
def setstate(self, __state: "std::ios_base::iostate") -> "void":
return _npstat.ios_setstate(self, __state)
def good(self) -> "bool":
return _npstat.ios_good(self)
def eof(self) -> "bool":
return _npstat.ios_eof(self)
def fail(self) -> "bool":
return _npstat.ios_fail(self)
def bad(self) -> "bool":
return _npstat.ios_bad(self)
def exceptions(self, *args) -> "void":
return _npstat.ios_exceptions(self, *args)
def __init__(self, __sb: "streambuf"):
_npstat.ios_swiginit(self, _npstat.new_ios(__sb))
__swig_destroy__ = _npstat.delete_ios
def tie(self, *args) -> "std::basic_ostream< char,std::char_traits< char > > *":
return _npstat.ios_tie(self, *args)
def rdbuf(self, *args) -> "std::basic_streambuf< char,std::char_traits< char > > *":
return _npstat.ios_rdbuf(self, *args)
def copyfmt(self, __rhs: "ios") -> "std::basic_ios< char > &":
return _npstat.ios_copyfmt(self, __rhs)
def fill(self, *args) -> "std::basic_ios< char >::char_type":
return _npstat.ios_fill(self, *args)
def imbue(self, __loc: "std::locale const &") -> "std::locale":
return _npstat.ios_imbue(self, __loc)
def narrow(self, __c: "std::basic_ios< char >::char_type", __dfault: "char") -> "char":
return _npstat.ios_narrow(self, __c, __dfault)
def widen(self, __c: "char") -> "std::basic_ios< char >::char_type":
return _npstat.ios_widen(self, __c)
# Register ios in _npstat:
_npstat.ios_swigregister(ios)
class streambuf(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_streambuf
def pubimbue(self, __loc: "std::locale const &") -> "std::locale":
return _npstat.streambuf_pubimbue(self, __loc)
def getloc(self) -> "std::locale":
return _npstat.streambuf_getloc(self)
def pubsetbuf(self, __s: "std::basic_streambuf< char >::char_type *", __n: "std::streamsize") -> "std::basic_streambuf< char,std::char_traits< char > > *":
return _npstat.streambuf_pubsetbuf(self, __s, __n)
def pubseekoff(self, *args) -> "std::basic_streambuf< char >::pos_type":
return _npstat.streambuf_pubseekoff(self, *args)
def pubseekpos(self, *args) -> "std::basic_streambuf< char >::pos_type":
return _npstat.streambuf_pubseekpos(self, *args)
def pubsync(self) -> "int":
return _npstat.streambuf_pubsync(self)
def in_avail(self) -> "std::streamsize":
return _npstat.streambuf_in_avail(self)
def snextc(self) -> "std::basic_streambuf< char >::int_type":
return _npstat.streambuf_snextc(self)
def sbumpc(self) -> "std::basic_streambuf< char >::int_type":
return _npstat.streambuf_sbumpc(self)
def sgetc(self) -> "std::basic_streambuf< char >::int_type":
return _npstat.streambuf_sgetc(self)
def sgetn(self, __s: "std::basic_streambuf< char >::char_type *", __n: "std::streamsize") -> "std::streamsize":
return _npstat.streambuf_sgetn(self, __s, __n)
def sputbackc(self, __c: "std::basic_streambuf< char >::char_type") -> "std::basic_streambuf< char >::int_type":
return _npstat.streambuf_sputbackc(self, __c)
def sungetc(self) -> "std::basic_streambuf< char >::int_type":
return _npstat.streambuf_sungetc(self)
def sputc(self, __c: "std::basic_streambuf< char >::char_type") -> "std::basic_streambuf< char >::int_type":
return _npstat.streambuf_sputc(self, __c)
def sputn(self, __s: "std::basic_streambuf< char >::char_type const *", __n: "std::streamsize") -> "std::streamsize":
return _npstat.streambuf_sputn(self, __s, __n)
# Register streambuf in _npstat:
_npstat.streambuf_swigregister(streambuf)
class ostream(ios):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, __sb: "streambuf"):
_npstat.ostream_swiginit(self, _npstat.new_ostream(__sb))
__swig_destroy__ = _npstat.delete_ostream
def __lshift__(self, *args) -> "std::basic_ostream< char,std::char_traits< char > > &":
return _npstat.ostream___lshift__(self, *args)
def put(self, __c: "std::basic_ostream< char >::char_type") -> "std::basic_ostream< char,std::char_traits< char > > &":
return _npstat.ostream_put(self, __c)
def write(self, __s: "std::basic_ostream< char >::char_type const *", __n: "std::streamsize") -> "std::basic_ostream< char,std::char_traits< char > > &":
return _npstat.ostream_write(self, __s, __n)
def flush(self) -> "std::basic_ostream< char,std::char_traits< char > > &":
return _npstat.ostream_flush(self)
def tellp(self) -> "std::basic_ostream< char >::pos_type":
return _npstat.ostream_tellp(self)
def seekp(self, *args) -> "std::basic_ostream< char,std::char_traits< char > > &":
return _npstat.ostream_seekp(self, *args)
# Register ostream in _npstat:
_npstat.ostream_swigregister(ostream)
cin = cvar.cin
cout = cvar.cout
cerr = cvar.cerr
clog = cvar.clog
class istream(ios):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, __sb: "streambuf"):
_npstat.istream_swiginit(self, _npstat.new_istream(__sb))
__swig_destroy__ = _npstat.delete_istream
def __rshift__(self, *args) -> "std::basic_istream< char,std::char_traits< char > > &":
return _npstat.istream___rshift__(self, *args)
def gcount(self) -> "std::streamsize":
return _npstat.istream_gcount(self)
def get(self, *args) -> "std::basic_istream< char,std::char_traits< char > > &":
return _npstat.istream_get(self, *args)
def getline(self, *args) -> "std::basic_istream< char,std::char_traits< char > > &":
return _npstat.istream_getline(self, *args)
def ignore(self, *args) -> "std::basic_istream< char,std::char_traits< char > > &":
return _npstat.istream_ignore(self, *args)
def peek(self) -> "std::basic_istream< char >::int_type":
return _npstat.istream_peek(self)
def read(self, __s: "std::basic_istream< char >::char_type *", __n: "std::streamsize") -> "std::basic_istream< char,std::char_traits< char > > &":
return _npstat.istream_read(self, __s, __n)
def readsome(self, __s: "std::basic_istream< char >::char_type *", __n: "std::streamsize") -> "std::streamsize":
return _npstat.istream_readsome(self, __s, __n)
def putback(self, __c: "std::basic_istream< char >::char_type") -> "std::basic_istream< char,std::char_traits< char > > &":
return _npstat.istream_putback(self, __c)
def unget(self) -> "std::basic_istream< char,std::char_traits< char > > &":
return _npstat.istream_unget(self)
def sync(self) -> "int":
return _npstat.istream_sync(self)
def tellg(self) -> "std::basic_istream< char >::pos_type":
return _npstat.istream_tellg(self)
def seekg(self, *args) -> "std::basic_istream< char,std::char_traits< char > > &":
return _npstat.istream_seekg(self, *args)
# Register istream in _npstat:
_npstat.istream_swigregister(istream)
class iostream(istream, ostream):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, __sb: "streambuf"):
_npstat.iostream_swiginit(self, _npstat.new_iostream(__sb))
__swig_destroy__ = _npstat.delete_iostream
# Register iostream in _npstat:
_npstat.iostream_swigregister(iostream)
endl_cb_ptr = _npstat.endl_cb_ptr
endl = _npstat.endl
ends_cb_ptr = _npstat.ends_cb_ptr
ends = _npstat.ends
flush_cb_ptr = _npstat.flush_cb_ptr
flush = _npstat.flush
class istringstream(istream):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.istringstream_swiginit(self, _npstat.new_istringstream(*args))
__swig_destroy__ = _npstat.delete_istringstream
def rdbuf(self) -> "std::basic_stringbuf< char,std::char_traits< char >,std::allocator< char > > *":
return _npstat.istringstream_rdbuf(self)
def str(self, *args) -> "void":
return _npstat.istringstream_str(self, *args)
# Register istringstream in _npstat:
_npstat.istringstream_swigregister(istringstream)
class ostringstream(ostream):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ostringstream_swiginit(self, _npstat.new_ostringstream(*args))
__swig_destroy__ = _npstat.delete_ostringstream
def rdbuf(self) -> "std::basic_stringbuf< char,std::char_traits< char >,std::allocator< char > > *":
return _npstat.ostringstream_rdbuf(self)
def str(self) -> "std::basic_string< char,std::char_traits< char >,std::allocator< char > >":
return _npstat.ostringstream_str(self)
# Register ostringstream in _npstat:
_npstat.ostringstream_swigregister(ostringstream)
class stringstream(iostream):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.stringstream_swiginit(self, _npstat.new_stringstream(*args))
__swig_destroy__ = _npstat.delete_stringstream
def rdbuf(self) -> "std::basic_stringbuf< char,std::char_traits< char >,std::allocator< char > > *":
return _npstat.stringstream_rdbuf(self)
def str(self, *args) -> "void":
return _npstat.stringstream_str(self, *args)
# Register stringstream in _npstat:
_npstat.stringstream_swigregister(stringstream)
class SCharVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.SCharVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.SCharVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.SCharVector___bool__(self)
def __len__(self) -> "std::vector< signed char >::size_type":
return _npstat.SCharVector___len__(self)
def __getslice__(self, i: "std::vector< signed char >::difference_type", j: "std::vector< signed char >::difference_type") -> "std::vector< signed char,std::allocator< signed char > > *":
return _npstat.SCharVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.SCharVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< signed char >::difference_type", j: "std::vector< signed char >::difference_type") -> "void":
return _npstat.SCharVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.SCharVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< signed char >::value_type const &":
return _npstat.SCharVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.SCharVector___setitem__(self, *args)
def pop(self) -> "std::vector< signed char >::value_type":
return _npstat.SCharVector_pop(self)
def append(self, x: "std::vector< signed char >::value_type const &") -> "void":
return _npstat.SCharVector_append(self, x)
def empty(self) -> "bool":
return _npstat.SCharVector_empty(self)
def size(self) -> "std::vector< signed char >::size_type":
return _npstat.SCharVector_size(self)
def swap(self, v: "SCharVector") -> "void":
return _npstat.SCharVector_swap(self, v)
def begin(self) -> "std::vector< signed char >::iterator":
return _npstat.SCharVector_begin(self)
def end(self) -> "std::vector< signed char >::iterator":
return _npstat.SCharVector_end(self)
def rbegin(self) -> "std::vector< signed char >::reverse_iterator":
return _npstat.SCharVector_rbegin(self)
def rend(self) -> "std::vector< signed char >::reverse_iterator":
return _npstat.SCharVector_rend(self)
def clear(self) -> "void":
return _npstat.SCharVector_clear(self)
def get_allocator(self) -> "std::vector< signed char >::allocator_type":
return _npstat.SCharVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.SCharVector_pop_back(self)
def erase(self, *args) -> "std::vector< signed char >::iterator":
return _npstat.SCharVector_erase(self, *args)
def __init__(self, *args):
_npstat.SCharVector_swiginit(self, _npstat.new_SCharVector(*args))
def push_back(self, x: "std::vector< signed char >::value_type const &") -> "void":
return _npstat.SCharVector_push_back(self, x)
def front(self) -> "std::vector< signed char >::value_type const &":
return _npstat.SCharVector_front(self)
def back(self) -> "std::vector< signed char >::value_type const &":
return _npstat.SCharVector_back(self)
def assign(self, n: "std::vector< signed char >::size_type", x: "std::vector< signed char >::value_type const &") -> "void":
return _npstat.SCharVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.SCharVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.SCharVector_insert(self, *args)
def reserve(self, n: "std::vector< signed char >::size_type") -> "void":
return _npstat.SCharVector_reserve(self, n)
def capacity(self) -> "std::vector< signed char >::size_type":
return _npstat.SCharVector_capacity(self)
__swig_destroy__ = _npstat.delete_SCharVector
# Register SCharVector in _npstat:
_npstat.SCharVector_swigregister(SCharVector)
class UCharVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.UCharVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.UCharVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.UCharVector___bool__(self)
def __len__(self) -> "std::vector< unsigned char >::size_type":
return _npstat.UCharVector___len__(self)
def __getslice__(self, i: "std::vector< unsigned char >::difference_type", j: "std::vector< unsigned char >::difference_type") -> "std::vector< unsigned char,std::allocator< unsigned char > > *":
return _npstat.UCharVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.UCharVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< unsigned char >::difference_type", j: "std::vector< unsigned char >::difference_type") -> "void":
return _npstat.UCharVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.UCharVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< unsigned char >::value_type const &":
return _npstat.UCharVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.UCharVector___setitem__(self, *args)
def pop(self) -> "std::vector< unsigned char >::value_type":
return _npstat.UCharVector_pop(self)
def append(self, x: "std::vector< unsigned char >::value_type const &") -> "void":
return _npstat.UCharVector_append(self, x)
def empty(self) -> "bool":
return _npstat.UCharVector_empty(self)
def size(self) -> "std::vector< unsigned char >::size_type":
return _npstat.UCharVector_size(self)
def swap(self, v: "UCharVector") -> "void":
return _npstat.UCharVector_swap(self, v)
def begin(self) -> "std::vector< unsigned char >::iterator":
return _npstat.UCharVector_begin(self)
def end(self) -> "std::vector< unsigned char >::iterator":
return _npstat.UCharVector_end(self)
def rbegin(self) -> "std::vector< unsigned char >::reverse_iterator":
return _npstat.UCharVector_rbegin(self)
def rend(self) -> "std::vector< unsigned char >::reverse_iterator":
return _npstat.UCharVector_rend(self)
def clear(self) -> "void":
return _npstat.UCharVector_clear(self)
def get_allocator(self) -> "std::vector< unsigned char >::allocator_type":
return _npstat.UCharVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.UCharVector_pop_back(self)
def erase(self, *args) -> "std::vector< unsigned char >::iterator":
return _npstat.UCharVector_erase(self, *args)
def __init__(self, *args):
_npstat.UCharVector_swiginit(self, _npstat.new_UCharVector(*args))
def push_back(self, x: "std::vector< unsigned char >::value_type const &") -> "void":
return _npstat.UCharVector_push_back(self, x)
def front(self) -> "std::vector< unsigned char >::value_type const &":
return _npstat.UCharVector_front(self)
def back(self) -> "std::vector< unsigned char >::value_type const &":
return _npstat.UCharVector_back(self)
def assign(self, n: "std::vector< unsigned char >::size_type", x: "std::vector< unsigned char >::value_type const &") -> "void":
return _npstat.UCharVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.UCharVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.UCharVector_insert(self, *args)
def reserve(self, n: "std::vector< unsigned char >::size_type") -> "void":
return _npstat.UCharVector_reserve(self, n)
def capacity(self) -> "std::vector< unsigned char >::size_type":
return _npstat.UCharVector_capacity(self)
__swig_destroy__ = _npstat.delete_UCharVector
# Register UCharVector in _npstat:
_npstat.UCharVector_swigregister(UCharVector)
class ShortVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.ShortVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.ShortVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.ShortVector___bool__(self)
def __len__(self) -> "std::vector< short >::size_type":
return _npstat.ShortVector___len__(self)
def __getslice__(self, i: "std::vector< short >::difference_type", j: "std::vector< short >::difference_type") -> "std::vector< short,std::allocator< short > > *":
return _npstat.ShortVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.ShortVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< short >::difference_type", j: "std::vector< short >::difference_type") -> "void":
return _npstat.ShortVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.ShortVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< short >::value_type const &":
return _npstat.ShortVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.ShortVector___setitem__(self, *args)
def pop(self) -> "std::vector< short >::value_type":
return _npstat.ShortVector_pop(self)
def append(self, x: "std::vector< short >::value_type const &") -> "void":
return _npstat.ShortVector_append(self, x)
def empty(self) -> "bool":
return _npstat.ShortVector_empty(self)
def size(self) -> "std::vector< short >::size_type":
return _npstat.ShortVector_size(self)
def swap(self, v: "ShortVector") -> "void":
return _npstat.ShortVector_swap(self, v)
def begin(self) -> "std::vector< short >::iterator":
return _npstat.ShortVector_begin(self)
def end(self) -> "std::vector< short >::iterator":
return _npstat.ShortVector_end(self)
def rbegin(self) -> "std::vector< short >::reverse_iterator":
return _npstat.ShortVector_rbegin(self)
def rend(self) -> "std::vector< short >::reverse_iterator":
return _npstat.ShortVector_rend(self)
def clear(self) -> "void":
return _npstat.ShortVector_clear(self)
def get_allocator(self) -> "std::vector< short >::allocator_type":
return _npstat.ShortVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.ShortVector_pop_back(self)
def erase(self, *args) -> "std::vector< short >::iterator":
return _npstat.ShortVector_erase(self, *args)
def __init__(self, *args):
_npstat.ShortVector_swiginit(self, _npstat.new_ShortVector(*args))
def push_back(self, x: "std::vector< short >::value_type const &") -> "void":
return _npstat.ShortVector_push_back(self, x)
def front(self) -> "std::vector< short >::value_type const &":
return _npstat.ShortVector_front(self)
def back(self) -> "std::vector< short >::value_type const &":
return _npstat.ShortVector_back(self)
def assign(self, n: "std::vector< short >::size_type", x: "std::vector< short >::value_type const &") -> "void":
return _npstat.ShortVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.ShortVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.ShortVector_insert(self, *args)
def reserve(self, n: "std::vector< short >::size_type") -> "void":
return _npstat.ShortVector_reserve(self, n)
def capacity(self) -> "std::vector< short >::size_type":
return _npstat.ShortVector_capacity(self)
__swig_destroy__ = _npstat.delete_ShortVector
# Register ShortVector in _npstat:
_npstat.ShortVector_swigregister(ShortVector)
class UShortVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.UShortVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.UShortVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.UShortVector___bool__(self)
def __len__(self) -> "std::vector< unsigned short >::size_type":
return _npstat.UShortVector___len__(self)
def __getslice__(self, i: "std::vector< unsigned short >::difference_type", j: "std::vector< unsigned short >::difference_type") -> "std::vector< unsigned short,std::allocator< unsigned short > > *":
return _npstat.UShortVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.UShortVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< unsigned short >::difference_type", j: "std::vector< unsigned short >::difference_type") -> "void":
return _npstat.UShortVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.UShortVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< unsigned short >::value_type const &":
return _npstat.UShortVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.UShortVector___setitem__(self, *args)
def pop(self) -> "std::vector< unsigned short >::value_type":
return _npstat.UShortVector_pop(self)
def append(self, x: "std::vector< unsigned short >::value_type const &") -> "void":
return _npstat.UShortVector_append(self, x)
def empty(self) -> "bool":
return _npstat.UShortVector_empty(self)
def size(self) -> "std::vector< unsigned short >::size_type":
return _npstat.UShortVector_size(self)
def swap(self, v: "UShortVector") -> "void":
return _npstat.UShortVector_swap(self, v)
def begin(self) -> "std::vector< unsigned short >::iterator":
return _npstat.UShortVector_begin(self)
def end(self) -> "std::vector< unsigned short >::iterator":
return _npstat.UShortVector_end(self)
def rbegin(self) -> "std::vector< unsigned short >::reverse_iterator":
return _npstat.UShortVector_rbegin(self)
def rend(self) -> "std::vector< unsigned short >::reverse_iterator":
return _npstat.UShortVector_rend(self)
def clear(self) -> "void":
return _npstat.UShortVector_clear(self)
def get_allocator(self) -> "std::vector< unsigned short >::allocator_type":
return _npstat.UShortVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.UShortVector_pop_back(self)
def erase(self, *args) -> "std::vector< unsigned short >::iterator":
return _npstat.UShortVector_erase(self, *args)
def __init__(self, *args):
_npstat.UShortVector_swiginit(self, _npstat.new_UShortVector(*args))
def push_back(self, x: "std::vector< unsigned short >::value_type const &") -> "void":
return _npstat.UShortVector_push_back(self, x)
def front(self) -> "std::vector< unsigned short >::value_type const &":
return _npstat.UShortVector_front(self)
def back(self) -> "std::vector< unsigned short >::value_type const &":
return _npstat.UShortVector_back(self)
def assign(self, n: "std::vector< unsigned short >::size_type", x: "std::vector< unsigned short >::value_type const &") -> "void":
return _npstat.UShortVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.UShortVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.UShortVector_insert(self, *args)
def reserve(self, n: "std::vector< unsigned short >::size_type") -> "void":
return _npstat.UShortVector_reserve(self, n)
def capacity(self) -> "std::vector< unsigned short >::size_type":
return _npstat.UShortVector_capacity(self)
__swig_destroy__ = _npstat.delete_UShortVector
# Register UShortVector in _npstat:
_npstat.UShortVector_swigregister(UShortVector)
class LongVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.LongVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.LongVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.LongVector___bool__(self)
def __len__(self) -> "std::vector< long >::size_type":
return _npstat.LongVector___len__(self)
def __getslice__(self, i: "std::vector< long >::difference_type", j: "std::vector< long >::difference_type") -> "std::vector< long,std::allocator< long > > *":
return _npstat.LongVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.LongVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< long >::difference_type", j: "std::vector< long >::difference_type") -> "void":
return _npstat.LongVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.LongVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< long >::value_type const &":
return _npstat.LongVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.LongVector___setitem__(self, *args)
def pop(self) -> "std::vector< long >::value_type":
return _npstat.LongVector_pop(self)
def append(self, x: "std::vector< long >::value_type const &") -> "void":
return _npstat.LongVector_append(self, x)
def empty(self) -> "bool":
return _npstat.LongVector_empty(self)
def size(self) -> "std::vector< long >::size_type":
return _npstat.LongVector_size(self)
def swap(self, v: "LongVector") -> "void":
return _npstat.LongVector_swap(self, v)
def begin(self) -> "std::vector< long >::iterator":
return _npstat.LongVector_begin(self)
def end(self) -> "std::vector< long >::iterator":
return _npstat.LongVector_end(self)
def rbegin(self) -> "std::vector< long >::reverse_iterator":
return _npstat.LongVector_rbegin(self)
def rend(self) -> "std::vector< long >::reverse_iterator":
return _npstat.LongVector_rend(self)
def clear(self) -> "void":
return _npstat.LongVector_clear(self)
def get_allocator(self) -> "std::vector< long >::allocator_type":
return _npstat.LongVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.LongVector_pop_back(self)
def erase(self, *args) -> "std::vector< long >::iterator":
return _npstat.LongVector_erase(self, *args)
def __init__(self, *args):
_npstat.LongVector_swiginit(self, _npstat.new_LongVector(*args))
def push_back(self, x: "std::vector< long >::value_type const &") -> "void":
return _npstat.LongVector_push_back(self, x)
def front(self) -> "std::vector< long >::value_type const &":
return _npstat.LongVector_front(self)
def back(self) -> "std::vector< long >::value_type const &":
return _npstat.LongVector_back(self)
def assign(self, n: "std::vector< long >::size_type", x: "std::vector< long >::value_type const &") -> "void":
return _npstat.LongVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.LongVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.LongVector_insert(self, *args)
def reserve(self, n: "std::vector< long >::size_type") -> "void":
return _npstat.LongVector_reserve(self, n)
def capacity(self) -> "std::vector< long >::size_type":
return _npstat.LongVector_capacity(self)
__swig_destroy__ = _npstat.delete_LongVector
# Register LongVector in _npstat:
_npstat.LongVector_swigregister(LongVector)
class ULongVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.ULongVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.ULongVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.ULongVector___bool__(self)
def __len__(self) -> "std::vector< unsigned long >::size_type":
return _npstat.ULongVector___len__(self)
def __getslice__(self, i: "std::vector< unsigned long >::difference_type", j: "std::vector< unsigned long >::difference_type") -> "std::vector< unsigned long,std::allocator< unsigned long > > *":
return _npstat.ULongVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.ULongVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< unsigned long >::difference_type", j: "std::vector< unsigned long >::difference_type") -> "void":
return _npstat.ULongVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.ULongVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< unsigned long >::value_type const &":
return _npstat.ULongVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.ULongVector___setitem__(self, *args)
def pop(self) -> "std::vector< unsigned long >::value_type":
return _npstat.ULongVector_pop(self)
def append(self, x: "std::vector< unsigned long >::value_type const &") -> "void":
return _npstat.ULongVector_append(self, x)
def empty(self) -> "bool":
return _npstat.ULongVector_empty(self)
def size(self) -> "std::vector< unsigned long >::size_type":
return _npstat.ULongVector_size(self)
def swap(self, v: "ULongVector") -> "void":
return _npstat.ULongVector_swap(self, v)
def begin(self) -> "std::vector< unsigned long >::iterator":
return _npstat.ULongVector_begin(self)
def end(self) -> "std::vector< unsigned long >::iterator":
return _npstat.ULongVector_end(self)
def rbegin(self) -> "std::vector< unsigned long >::reverse_iterator":
return _npstat.ULongVector_rbegin(self)
def rend(self) -> "std::vector< unsigned long >::reverse_iterator":
return _npstat.ULongVector_rend(self)
def clear(self) -> "void":
return _npstat.ULongVector_clear(self)
def get_allocator(self) -> "std::vector< unsigned long >::allocator_type":
return _npstat.ULongVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.ULongVector_pop_back(self)
def erase(self, *args) -> "std::vector< unsigned long >::iterator":
return _npstat.ULongVector_erase(self, *args)
def __init__(self, *args):
_npstat.ULongVector_swiginit(self, _npstat.new_ULongVector(*args))
def push_back(self, x: "std::vector< unsigned long >::value_type const &") -> "void":
return _npstat.ULongVector_push_back(self, x)
def front(self) -> "std::vector< unsigned long >::value_type const &":
return _npstat.ULongVector_front(self)
def back(self) -> "std::vector< unsigned long >::value_type const &":
return _npstat.ULongVector_back(self)
def assign(self, n: "std::vector< unsigned long >::size_type", x: "std::vector< unsigned long >::value_type const &") -> "void":
return _npstat.ULongVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.ULongVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.ULongVector_insert(self, *args)
def reserve(self, n: "std::vector< unsigned long >::size_type") -> "void":
return _npstat.ULongVector_reserve(self, n)
def capacity(self) -> "std::vector< unsigned long >::size_type":
return _npstat.ULongVector_capacity(self)
__swig_destroy__ = _npstat.delete_ULongVector
# Register ULongVector in _npstat:
_npstat.ULongVector_swigregister(ULongVector)
class IntVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.IntVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.IntVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.IntVector___bool__(self)
def __len__(self) -> "std::vector< int >::size_type":
return _npstat.IntVector___len__(self)
def __getslice__(self, i: "std::vector< int >::difference_type", j: "std::vector< int >::difference_type") -> "std::vector< int,std::allocator< int > > *":
return _npstat.IntVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.IntVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< int >::difference_type", j: "std::vector< int >::difference_type") -> "void":
return _npstat.IntVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.IntVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< int >::value_type const &":
return _npstat.IntVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.IntVector___setitem__(self, *args)
def pop(self) -> "std::vector< int >::value_type":
return _npstat.IntVector_pop(self)
def append(self, x: "std::vector< int >::value_type const &") -> "void":
return _npstat.IntVector_append(self, x)
def empty(self) -> "bool":
return _npstat.IntVector_empty(self)
def size(self) -> "std::vector< int >::size_type":
return _npstat.IntVector_size(self)
def swap(self, v: "IntVector") -> "void":
return _npstat.IntVector_swap(self, v)
def begin(self) -> "std::vector< int >::iterator":
return _npstat.IntVector_begin(self)
def end(self) -> "std::vector< int >::iterator":
return _npstat.IntVector_end(self)
def rbegin(self) -> "std::vector< int >::reverse_iterator":
return _npstat.IntVector_rbegin(self)
def rend(self) -> "std::vector< int >::reverse_iterator":
return _npstat.IntVector_rend(self)
def clear(self) -> "void":
return _npstat.IntVector_clear(self)
def get_allocator(self) -> "std::vector< int >::allocator_type":
return _npstat.IntVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.IntVector_pop_back(self)
def erase(self, *args) -> "std::vector< int >::iterator":
return _npstat.IntVector_erase(self, *args)
def __init__(self, *args):
_npstat.IntVector_swiginit(self, _npstat.new_IntVector(*args))
def push_back(self, x: "std::vector< int >::value_type const &") -> "void":
return _npstat.IntVector_push_back(self, x)
def front(self) -> "std::vector< int >::value_type const &":
return _npstat.IntVector_front(self)
def back(self) -> "std::vector< int >::value_type const &":
return _npstat.IntVector_back(self)
def assign(self, n: "std::vector< int >::size_type", x: "std::vector< int >::value_type const &") -> "void":
return _npstat.IntVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.IntVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.IntVector_insert(self, *args)
def reserve(self, n: "std::vector< int >::size_type") -> "void":
return _npstat.IntVector_reserve(self, n)
def capacity(self) -> "std::vector< int >::size_type":
return _npstat.IntVector_capacity(self)
__swig_destroy__ = _npstat.delete_IntVector
# Register IntVector in _npstat:
_npstat.IntVector_swigregister(IntVector)
class LLongVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.LLongVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.LLongVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.LLongVector___bool__(self)
def __len__(self) -> "std::vector< long long >::size_type":
return _npstat.LLongVector___len__(self)
def __getslice__(self, i: "std::vector< long long >::difference_type", j: "std::vector< long long >::difference_type") -> "std::vector< long long,std::allocator< long long > > *":
return _npstat.LLongVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.LLongVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< long long >::difference_type", j: "std::vector< long long >::difference_type") -> "void":
return _npstat.LLongVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.LLongVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< long long >::value_type const &":
return _npstat.LLongVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.LLongVector___setitem__(self, *args)
def pop(self) -> "std::vector< long long >::value_type":
return _npstat.LLongVector_pop(self)
def append(self, x: "std::vector< long long >::value_type const &") -> "void":
return _npstat.LLongVector_append(self, x)
def empty(self) -> "bool":
return _npstat.LLongVector_empty(self)
def size(self) -> "std::vector< long long >::size_type":
return _npstat.LLongVector_size(self)
def swap(self, v: "LLongVector") -> "void":
return _npstat.LLongVector_swap(self, v)
def begin(self) -> "std::vector< long long >::iterator":
return _npstat.LLongVector_begin(self)
def end(self) -> "std::vector< long long >::iterator":
return _npstat.LLongVector_end(self)
def rbegin(self) -> "std::vector< long long >::reverse_iterator":
return _npstat.LLongVector_rbegin(self)
def rend(self) -> "std::vector< long long >::reverse_iterator":
return _npstat.LLongVector_rend(self)
def clear(self) -> "void":
return _npstat.LLongVector_clear(self)
def get_allocator(self) -> "std::vector< long long >::allocator_type":
return _npstat.LLongVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.LLongVector_pop_back(self)
def erase(self, *args) -> "std::vector< long long >::iterator":
return _npstat.LLongVector_erase(self, *args)
def __init__(self, *args):
_npstat.LLongVector_swiginit(self, _npstat.new_LLongVector(*args))
def push_back(self, x: "std::vector< long long >::value_type const &") -> "void":
return _npstat.LLongVector_push_back(self, x)
def front(self) -> "std::vector< long long >::value_type const &":
return _npstat.LLongVector_front(self)
def back(self) -> "std::vector< long long >::value_type const &":
return _npstat.LLongVector_back(self)
def assign(self, n: "std::vector< long long >::size_type", x: "std::vector< long long >::value_type const &") -> "void":
return _npstat.LLongVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.LLongVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.LLongVector_insert(self, *args)
def reserve(self, n: "std::vector< long long >::size_type") -> "void":
return _npstat.LLongVector_reserve(self, n)
def capacity(self) -> "std::vector< long long >::size_type":
return _npstat.LLongVector_capacity(self)
__swig_destroy__ = _npstat.delete_LLongVector
# Register LLongVector in _npstat:
_npstat.LLongVector_swigregister(LLongVector)
class UIntVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.UIntVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.UIntVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.UIntVector___bool__(self)
def __len__(self) -> "std::vector< unsigned int >::size_type":
return _npstat.UIntVector___len__(self)
def __getslice__(self, i: "std::vector< unsigned int >::difference_type", j: "std::vector< unsigned int >::difference_type") -> "std::vector< unsigned int,std::allocator< unsigned int > > *":
return _npstat.UIntVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.UIntVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< unsigned int >::difference_type", j: "std::vector< unsigned int >::difference_type") -> "void":
return _npstat.UIntVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.UIntVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< unsigned int >::value_type const &":
return _npstat.UIntVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.UIntVector___setitem__(self, *args)
def pop(self) -> "std::vector< unsigned int >::value_type":
return _npstat.UIntVector_pop(self)
def append(self, x: "std::vector< unsigned int >::value_type const &") -> "void":
return _npstat.UIntVector_append(self, x)
def empty(self) -> "bool":
return _npstat.UIntVector_empty(self)
def size(self) -> "std::vector< unsigned int >::size_type":
return _npstat.UIntVector_size(self)
def swap(self, v: "UIntVector") -> "void":
return _npstat.UIntVector_swap(self, v)
def begin(self) -> "std::vector< unsigned int >::iterator":
return _npstat.UIntVector_begin(self)
def end(self) -> "std::vector< unsigned int >::iterator":
return _npstat.UIntVector_end(self)
def rbegin(self) -> "std::vector< unsigned int >::reverse_iterator":
return _npstat.UIntVector_rbegin(self)
def rend(self) -> "std::vector< unsigned int >::reverse_iterator":
return _npstat.UIntVector_rend(self)
def clear(self) -> "void":
return _npstat.UIntVector_clear(self)
def get_allocator(self) -> "std::vector< unsigned int >::allocator_type":
return _npstat.UIntVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.UIntVector_pop_back(self)
def erase(self, *args) -> "std::vector< unsigned int >::iterator":
return _npstat.UIntVector_erase(self, *args)
def __init__(self, *args):
_npstat.UIntVector_swiginit(self, _npstat.new_UIntVector(*args))
def push_back(self, x: "std::vector< unsigned int >::value_type const &") -> "void":
return _npstat.UIntVector_push_back(self, x)
def front(self) -> "std::vector< unsigned int >::value_type const &":
return _npstat.UIntVector_front(self)
def back(self) -> "std::vector< unsigned int >::value_type const &":
return _npstat.UIntVector_back(self)
def assign(self, n: "std::vector< unsigned int >::size_type", x: "std::vector< unsigned int >::value_type const &") -> "void":
return _npstat.UIntVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.UIntVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.UIntVector_insert(self, *args)
def reserve(self, n: "std::vector< unsigned int >::size_type") -> "void":
return _npstat.UIntVector_reserve(self, n)
def capacity(self) -> "std::vector< unsigned int >::size_type":
return _npstat.UIntVector_capacity(self)
__swig_destroy__ = _npstat.delete_UIntVector
# Register UIntVector in _npstat:
_npstat.UIntVector_swigregister(UIntVector)
class ULLongVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.ULLongVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.ULLongVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.ULLongVector___bool__(self)
def __len__(self) -> "std::vector< unsigned long long >::size_type":
return _npstat.ULLongVector___len__(self)
def __getslice__(self, i: "std::vector< unsigned long long >::difference_type", j: "std::vector< unsigned long long >::difference_type") -> "std::vector< unsigned long long,std::allocator< unsigned long long > > *":
return _npstat.ULLongVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.ULLongVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< unsigned long long >::difference_type", j: "std::vector< unsigned long long >::difference_type") -> "void":
return _npstat.ULLongVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.ULLongVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< unsigned long long >::value_type const &":
return _npstat.ULLongVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.ULLongVector___setitem__(self, *args)
def pop(self) -> "std::vector< unsigned long long >::value_type":
return _npstat.ULLongVector_pop(self)
def append(self, x: "std::vector< unsigned long long >::value_type const &") -> "void":
return _npstat.ULLongVector_append(self, x)
def empty(self) -> "bool":
return _npstat.ULLongVector_empty(self)
def size(self) -> "std::vector< unsigned long long >::size_type":
return _npstat.ULLongVector_size(self)
def swap(self, v: "ULLongVector") -> "void":
return _npstat.ULLongVector_swap(self, v)
def begin(self) -> "std::vector< unsigned long long >::iterator":
return _npstat.ULLongVector_begin(self)
def end(self) -> "std::vector< unsigned long long >::iterator":
return _npstat.ULLongVector_end(self)
def rbegin(self) -> "std::vector< unsigned long long >::reverse_iterator":
return _npstat.ULLongVector_rbegin(self)
def rend(self) -> "std::vector< unsigned long long >::reverse_iterator":
return _npstat.ULLongVector_rend(self)
def clear(self) -> "void":
return _npstat.ULLongVector_clear(self)
def get_allocator(self) -> "std::vector< unsigned long long >::allocator_type":
return _npstat.ULLongVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.ULLongVector_pop_back(self)
def erase(self, *args) -> "std::vector< unsigned long long >::iterator":
return _npstat.ULLongVector_erase(self, *args)
def __init__(self, *args):
_npstat.ULLongVector_swiginit(self, _npstat.new_ULLongVector(*args))
def push_back(self, x: "std::vector< unsigned long long >::value_type const &") -> "void":
return _npstat.ULLongVector_push_back(self, x)
def front(self) -> "std::vector< unsigned long long >::value_type const &":
return _npstat.ULLongVector_front(self)
def back(self) -> "std::vector< unsigned long long >::value_type const &":
return _npstat.ULLongVector_back(self)
def assign(self, n: "std::vector< unsigned long long >::size_type", x: "std::vector< unsigned long long >::value_type const &") -> "void":
return _npstat.ULLongVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.ULLongVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.ULLongVector_insert(self, *args)
def reserve(self, n: "std::vector< unsigned long long >::size_type") -> "void":
return _npstat.ULLongVector_reserve(self, n)
def capacity(self) -> "std::vector< unsigned long long >::size_type":
return _npstat.ULLongVector_capacity(self)
__swig_destroy__ = _npstat.delete_ULLongVector
# Register ULLongVector in _npstat:
_npstat.ULLongVector_swigregister(ULLongVector)
class FloatVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.FloatVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.FloatVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.FloatVector___bool__(self)
def __len__(self) -> "std::vector< float >::size_type":
return _npstat.FloatVector___len__(self)
def __getslice__(self, i: "std::vector< float >::difference_type", j: "std::vector< float >::difference_type") -> "std::vector< float,std::allocator< float > > *":
return _npstat.FloatVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.FloatVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< float >::difference_type", j: "std::vector< float >::difference_type") -> "void":
return _npstat.FloatVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.FloatVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< float >::value_type const &":
return _npstat.FloatVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.FloatVector___setitem__(self, *args)
def pop(self) -> "std::vector< float >::value_type":
return _npstat.FloatVector_pop(self)
def append(self, x: "std::vector< float >::value_type const &") -> "void":
return _npstat.FloatVector_append(self, x)
def empty(self) -> "bool":
return _npstat.FloatVector_empty(self)
def size(self) -> "std::vector< float >::size_type":
return _npstat.FloatVector_size(self)
def swap(self, v: "FloatVector") -> "void":
return _npstat.FloatVector_swap(self, v)
def begin(self) -> "std::vector< float >::iterator":
return _npstat.FloatVector_begin(self)
def end(self) -> "std::vector< float >::iterator":
return _npstat.FloatVector_end(self)
def rbegin(self) -> "std::vector< float >::reverse_iterator":
return _npstat.FloatVector_rbegin(self)
def rend(self) -> "std::vector< float >::reverse_iterator":
return _npstat.FloatVector_rend(self)
def clear(self) -> "void":
return _npstat.FloatVector_clear(self)
def get_allocator(self) -> "std::vector< float >::allocator_type":
return _npstat.FloatVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.FloatVector_pop_back(self)
def erase(self, *args) -> "std::vector< float >::iterator":
return _npstat.FloatVector_erase(self, *args)
def __init__(self, *args):
_npstat.FloatVector_swiginit(self, _npstat.new_FloatVector(*args))
def push_back(self, x: "std::vector< float >::value_type const &") -> "void":
return _npstat.FloatVector_push_back(self, x)
def front(self) -> "std::vector< float >::value_type const &":
return _npstat.FloatVector_front(self)
def back(self) -> "std::vector< float >::value_type const &":
return _npstat.FloatVector_back(self)
def assign(self, n: "std::vector< float >::size_type", x: "std::vector< float >::value_type const &") -> "void":
return _npstat.FloatVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.FloatVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.FloatVector_insert(self, *args)
def reserve(self, n: "std::vector< float >::size_type") -> "void":
return _npstat.FloatVector_reserve(self, n)
def capacity(self) -> "std::vector< float >::size_type":
return _npstat.FloatVector_capacity(self)
__swig_destroy__ = _npstat.delete_FloatVector
# Register FloatVector in _npstat:
_npstat.FloatVector_swigregister(FloatVector)
class DoubleVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.DoubleVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.DoubleVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.DoubleVector___bool__(self)
def __len__(self) -> "std::vector< double >::size_type":
return _npstat.DoubleVector___len__(self)
def __getslice__(self, i: "std::vector< double >::difference_type", j: "std::vector< double >::difference_type") -> "std::vector< double,std::allocator< double > > *":
return _npstat.DoubleVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.DoubleVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< double >::difference_type", j: "std::vector< double >::difference_type") -> "void":
return _npstat.DoubleVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.DoubleVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< double >::value_type const &":
return _npstat.DoubleVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.DoubleVector___setitem__(self, *args)
def pop(self) -> "std::vector< double >::value_type":
return _npstat.DoubleVector_pop(self)
def append(self, x: "std::vector< double >::value_type const &") -> "void":
return _npstat.DoubleVector_append(self, x)
def empty(self) -> "bool":
return _npstat.DoubleVector_empty(self)
def size(self) -> "std::vector< double >::size_type":
return _npstat.DoubleVector_size(self)
def swap(self, v: "DoubleVector") -> "void":
return _npstat.DoubleVector_swap(self, v)
def begin(self) -> "std::vector< double >::iterator":
return _npstat.DoubleVector_begin(self)
def end(self) -> "std::vector< double >::iterator":
return _npstat.DoubleVector_end(self)
def rbegin(self) -> "std::vector< double >::reverse_iterator":
return _npstat.DoubleVector_rbegin(self)
def rend(self) -> "std::vector< double >::reverse_iterator":
return _npstat.DoubleVector_rend(self)
def clear(self) -> "void":
return _npstat.DoubleVector_clear(self)
def get_allocator(self) -> "std::vector< double >::allocator_type":
return _npstat.DoubleVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.DoubleVector_pop_back(self)
def erase(self, *args) -> "std::vector< double >::iterator":
return _npstat.DoubleVector_erase(self, *args)
def __init__(self, *args):
_npstat.DoubleVector_swiginit(self, _npstat.new_DoubleVector(*args))
def push_back(self, x: "std::vector< double >::value_type const &") -> "void":
return _npstat.DoubleVector_push_back(self, x)
def front(self) -> "std::vector< double >::value_type const &":
return _npstat.DoubleVector_front(self)
def back(self) -> "std::vector< double >::value_type const &":
return _npstat.DoubleVector_back(self)
def assign(self, n: "std::vector< double >::size_type", x: "std::vector< double >::value_type const &") -> "void":
return _npstat.DoubleVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.DoubleVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.DoubleVector_insert(self, *args)
def reserve(self, n: "std::vector< double >::size_type") -> "void":
return _npstat.DoubleVector_reserve(self, n)
def capacity(self) -> "std::vector< double >::size_type":
return _npstat.DoubleVector_capacity(self)
__swig_destroy__ = _npstat.delete_DoubleVector
# Register DoubleVector in _npstat:
_npstat.DoubleVector_swigregister(DoubleVector)
class LDoubleVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.LDoubleVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.LDoubleVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.LDoubleVector___bool__(self)
def __len__(self) -> "std::vector< long double >::size_type":
return _npstat.LDoubleVector___len__(self)
def __getslice__(self, i: "std::vector< long double >::difference_type", j: "std::vector< long double >::difference_type") -> "std::vector< long double,std::allocator< long double > > *":
return _npstat.LDoubleVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.LDoubleVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< long double >::difference_type", j: "std::vector< long double >::difference_type") -> "void":
return _npstat.LDoubleVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.LDoubleVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< long double >::value_type const &":
return _npstat.LDoubleVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.LDoubleVector___setitem__(self, *args)
def pop(self) -> "std::vector< long double >::value_type":
return _npstat.LDoubleVector_pop(self)
def append(self, x: "std::vector< long double >::value_type const &") -> "void":
return _npstat.LDoubleVector_append(self, x)
def empty(self) -> "bool":
return _npstat.LDoubleVector_empty(self)
def size(self) -> "std::vector< long double >::size_type":
return _npstat.LDoubleVector_size(self)
def swap(self, v: "LDoubleVector") -> "void":
return _npstat.LDoubleVector_swap(self, v)
def begin(self) -> "std::vector< long double >::iterator":
return _npstat.LDoubleVector_begin(self)
def end(self) -> "std::vector< long double >::iterator":
return _npstat.LDoubleVector_end(self)
def rbegin(self) -> "std::vector< long double >::reverse_iterator":
return _npstat.LDoubleVector_rbegin(self)
def rend(self) -> "std::vector< long double >::reverse_iterator":
return _npstat.LDoubleVector_rend(self)
def clear(self) -> "void":
return _npstat.LDoubleVector_clear(self)
def get_allocator(self) -> "std::vector< long double >::allocator_type":
return _npstat.LDoubleVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.LDoubleVector_pop_back(self)
def erase(self, *args) -> "std::vector< long double >::iterator":
return _npstat.LDoubleVector_erase(self, *args)
def __init__(self, *args):
_npstat.LDoubleVector_swiginit(self, _npstat.new_LDoubleVector(*args))
def push_back(self, x: "std::vector< long double >::value_type const &") -> "void":
return _npstat.LDoubleVector_push_back(self, x)
def front(self) -> "std::vector< long double >::value_type const &":
return _npstat.LDoubleVector_front(self)
def back(self) -> "std::vector< long double >::value_type const &":
return _npstat.LDoubleVector_back(self)
def assign(self, n: "std::vector< long double >::size_type", x: "std::vector< long double >::value_type const &") -> "void":
return _npstat.LDoubleVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.LDoubleVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.LDoubleVector_insert(self, *args)
def reserve(self, n: "std::vector< long double >::size_type") -> "void":
return _npstat.LDoubleVector_reserve(self, n)
def capacity(self) -> "std::vector< long double >::size_type":
return _npstat.LDoubleVector_capacity(self)
__swig_destroy__ = _npstat.delete_LDoubleVector
# Register LDoubleVector in _npstat:
_npstat.LDoubleVector_swigregister(LDoubleVector)
class CFloatVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.CFloatVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.CFloatVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.CFloatVector___bool__(self)
def __len__(self) -> "std::vector< std::complex< float > >::size_type":
return _npstat.CFloatVector___len__(self)
def __getslice__(self, i: "std::vector< std::complex< float > >::difference_type", j: "std::vector< std::complex< float > >::difference_type") -> "std::vector< std::complex< float >,std::allocator< std::complex< float > > > *":
return _npstat.CFloatVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.CFloatVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::complex< float > >::difference_type", j: "std::vector< std::complex< float > >::difference_type") -> "void":
return _npstat.CFloatVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.CFloatVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::complex< float > >::value_type const &":
return _npstat.CFloatVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.CFloatVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::complex< float > >::value_type":
return _npstat.CFloatVector_pop(self)
def append(self, x: "std::vector< std::complex< float > >::value_type const &") -> "void":
return _npstat.CFloatVector_append(self, x)
def empty(self) -> "bool":
return _npstat.CFloatVector_empty(self)
def size(self) -> "std::vector< std::complex< float > >::size_type":
return _npstat.CFloatVector_size(self)
def swap(self, v: "CFloatVector") -> "void":
return _npstat.CFloatVector_swap(self, v)
def begin(self) -> "std::vector< std::complex< float > >::iterator":
return _npstat.CFloatVector_begin(self)
def end(self) -> "std::vector< std::complex< float > >::iterator":
return _npstat.CFloatVector_end(self)
def rbegin(self) -> "std::vector< std::complex< float > >::reverse_iterator":
return _npstat.CFloatVector_rbegin(self)
def rend(self) -> "std::vector< std::complex< float > >::reverse_iterator":
return _npstat.CFloatVector_rend(self)
def clear(self) -> "void":
return _npstat.CFloatVector_clear(self)
def get_allocator(self) -> "std::vector< std::complex< float > >::allocator_type":
return _npstat.CFloatVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.CFloatVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::complex< float > >::iterator":
return _npstat.CFloatVector_erase(self, *args)
def __init__(self, *args):
_npstat.CFloatVector_swiginit(self, _npstat.new_CFloatVector(*args))
def push_back(self, x: "std::vector< std::complex< float > >::value_type const &") -> "void":
return _npstat.CFloatVector_push_back(self, x)
def front(self) -> "std::vector< std::complex< float > >::value_type const &":
return _npstat.CFloatVector_front(self)
def back(self) -> "std::vector< std::complex< float > >::value_type const &":
return _npstat.CFloatVector_back(self)
def assign(self, n: "std::vector< std::complex< float > >::size_type", x: "std::vector< std::complex< float > >::value_type const &") -> "void":
return _npstat.CFloatVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.CFloatVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.CFloatVector_insert(self, *args)
def reserve(self, n: "std::vector< std::complex< float > >::size_type") -> "void":
return _npstat.CFloatVector_reserve(self, n)
def capacity(self) -> "std::vector< std::complex< float > >::size_type":
return _npstat.CFloatVector_capacity(self)
__swig_destroy__ = _npstat.delete_CFloatVector
# Register CFloatVector in _npstat:
_npstat.CFloatVector_swigregister(CFloatVector)
class CDoubleVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.CDoubleVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.CDoubleVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.CDoubleVector___bool__(self)
def __len__(self) -> "std::vector< std::complex< double > >::size_type":
return _npstat.CDoubleVector___len__(self)
def __getslice__(self, i: "std::vector< std::complex< double > >::difference_type", j: "std::vector< std::complex< double > >::difference_type") -> "std::vector< std::complex< double >,std::allocator< std::complex< double > > > *":
return _npstat.CDoubleVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.CDoubleVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::complex< double > >::difference_type", j: "std::vector< std::complex< double > >::difference_type") -> "void":
return _npstat.CDoubleVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.CDoubleVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::complex< double > >::value_type const &":
return _npstat.CDoubleVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.CDoubleVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::complex< double > >::value_type":
return _npstat.CDoubleVector_pop(self)
def append(self, x: "std::vector< std::complex< double > >::value_type const &") -> "void":
return _npstat.CDoubleVector_append(self, x)
def empty(self) -> "bool":
return _npstat.CDoubleVector_empty(self)
def size(self) -> "std::vector< std::complex< double > >::size_type":
return _npstat.CDoubleVector_size(self)
def swap(self, v: "CDoubleVector") -> "void":
return _npstat.CDoubleVector_swap(self, v)
def begin(self) -> "std::vector< std::complex< double > >::iterator":
return _npstat.CDoubleVector_begin(self)
def end(self) -> "std::vector< std::complex< double > >::iterator":
return _npstat.CDoubleVector_end(self)
def rbegin(self) -> "std::vector< std::complex< double > >::reverse_iterator":
return _npstat.CDoubleVector_rbegin(self)
def rend(self) -> "std::vector< std::complex< double > >::reverse_iterator":
return _npstat.CDoubleVector_rend(self)
def clear(self) -> "void":
return _npstat.CDoubleVector_clear(self)
def get_allocator(self) -> "std::vector< std::complex< double > >::allocator_type":
return _npstat.CDoubleVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.CDoubleVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::complex< double > >::iterator":
return _npstat.CDoubleVector_erase(self, *args)
def __init__(self, *args):
_npstat.CDoubleVector_swiginit(self, _npstat.new_CDoubleVector(*args))
def push_back(self, x: "std::vector< std::complex< double > >::value_type const &") -> "void":
return _npstat.CDoubleVector_push_back(self, x)
def front(self) -> "std::vector< std::complex< double > >::value_type const &":
return _npstat.CDoubleVector_front(self)
def back(self) -> "std::vector< std::complex< double > >::value_type const &":
return _npstat.CDoubleVector_back(self)
def assign(self, n: "std::vector< std::complex< double > >::size_type", x: "std::vector< std::complex< double > >::value_type const &") -> "void":
return _npstat.CDoubleVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.CDoubleVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.CDoubleVector_insert(self, *args)
def reserve(self, n: "std::vector< std::complex< double > >::size_type") -> "void":
return _npstat.CDoubleVector_reserve(self, n)
def capacity(self) -> "std::vector< std::complex< double > >::size_type":
return _npstat.CDoubleVector_capacity(self)
__swig_destroy__ = _npstat.delete_CDoubleVector
# Register CDoubleVector in _npstat:
_npstat.CDoubleVector_swigregister(CDoubleVector)
class CLDoubleVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.CLDoubleVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.CLDoubleVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.CLDoubleVector___bool__(self)
def __len__(self) -> "std::vector< std::complex< long double > >::size_type":
return _npstat.CLDoubleVector___len__(self)
def __getslice__(self, i: "std::vector< std::complex< long double > >::difference_type", j: "std::vector< std::complex< long double > >::difference_type") -> "std::vector< std::complex< long double >,std::allocator< std::complex< long double > > > *":
return _npstat.CLDoubleVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.CLDoubleVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::complex< long double > >::difference_type", j: "std::vector< std::complex< long double > >::difference_type") -> "void":
return _npstat.CLDoubleVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.CLDoubleVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::complex< long double > >::value_type const &":
return _npstat.CLDoubleVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.CLDoubleVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::complex< long double > >::value_type":
return _npstat.CLDoubleVector_pop(self)
def append(self, x: "std::vector< std::complex< long double > >::value_type const &") -> "void":
return _npstat.CLDoubleVector_append(self, x)
def empty(self) -> "bool":
return _npstat.CLDoubleVector_empty(self)
def size(self) -> "std::vector< std::complex< long double > >::size_type":
return _npstat.CLDoubleVector_size(self)
def swap(self, v: "CLDoubleVector") -> "void":
return _npstat.CLDoubleVector_swap(self, v)
def begin(self) -> "std::vector< std::complex< long double > >::iterator":
return _npstat.CLDoubleVector_begin(self)
def end(self) -> "std::vector< std::complex< long double > >::iterator":
return _npstat.CLDoubleVector_end(self)
def rbegin(self) -> "std::vector< std::complex< long double > >::reverse_iterator":
return _npstat.CLDoubleVector_rbegin(self)
def rend(self) -> "std::vector< std::complex< long double > >::reverse_iterator":
return _npstat.CLDoubleVector_rend(self)
def clear(self) -> "void":
return _npstat.CLDoubleVector_clear(self)
def get_allocator(self) -> "std::vector< std::complex< long double > >::allocator_type":
return _npstat.CLDoubleVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.CLDoubleVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::complex< long double > >::iterator":
return _npstat.CLDoubleVector_erase(self, *args)
def __init__(self, *args):
_npstat.CLDoubleVector_swiginit(self, _npstat.new_CLDoubleVector(*args))
def push_back(self, x: "std::vector< std::complex< long double > >::value_type const &") -> "void":
return _npstat.CLDoubleVector_push_back(self, x)
def front(self) -> "std::vector< std::complex< long double > >::value_type const &":
return _npstat.CLDoubleVector_front(self)
def back(self) -> "std::vector< std::complex< long double > >::value_type const &":
return _npstat.CLDoubleVector_back(self)
def assign(self, n: "std::vector< std::complex< long double > >::size_type", x: "std::vector< std::complex< long double > >::value_type const &") -> "void":
return _npstat.CLDoubleVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.CLDoubleVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.CLDoubleVector_insert(self, *args)
def reserve(self, n: "std::vector< std::complex< long double > >::size_type") -> "void":
return _npstat.CLDoubleVector_reserve(self, n)
def capacity(self) -> "std::vector< std::complex< long double > >::size_type":
return _npstat.CLDoubleVector_capacity(self)
__swig_destroy__ = _npstat.delete_CLDoubleVector
# Register CLDoubleVector in _npstat:
_npstat.CLDoubleVector_swigregister(CLDoubleVector)
class StringVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.StringVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.StringVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.StringVector___bool__(self)
def __len__(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::size_type":
return _npstat.StringVector___len__(self)
def __getslice__(self, i: "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::difference_type", j: "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::difference_type") -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > >,std::allocator< std::basic_string< char,std::char_traits< char >,std::allocator< char > > > > *":
return _npstat.StringVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.StringVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::difference_type", j: "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::difference_type") -> "void":
return _npstat.StringVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.StringVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::value_type const &":
return _npstat.StringVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.StringVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::value_type":
return _npstat.StringVector_pop(self)
def append(self, x: "string") -> "void":
return _npstat.StringVector_append(self, x)
def empty(self) -> "bool":
return _npstat.StringVector_empty(self)
def size(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::size_type":
return _npstat.StringVector_size(self)
def swap(self, v: "StringVector") -> "void":
return _npstat.StringVector_swap(self, v)
def begin(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::iterator":
return _npstat.StringVector_begin(self)
def end(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::iterator":
return _npstat.StringVector_end(self)
def rbegin(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::reverse_iterator":
return _npstat.StringVector_rbegin(self)
def rend(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::reverse_iterator":
return _npstat.StringVector_rend(self)
def clear(self) -> "void":
return _npstat.StringVector_clear(self)
def get_allocator(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::allocator_type":
return _npstat.StringVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.StringVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::iterator":
return _npstat.StringVector_erase(self, *args)
def __init__(self, *args):
_npstat.StringVector_swiginit(self, _npstat.new_StringVector(*args))
def push_back(self, x: "string") -> "void":
return _npstat.StringVector_push_back(self, x)
def front(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::value_type const &":
return _npstat.StringVector_front(self)
def back(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::value_type const &":
return _npstat.StringVector_back(self)
def assign(self, n: "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::size_type", x: "string") -> "void":
return _npstat.StringVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.StringVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.StringVector_insert(self, *args)
def reserve(self, n: "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::size_type") -> "void":
return _npstat.StringVector_reserve(self, n)
def capacity(self) -> "std::vector< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >::size_type":
return _npstat.StringVector_capacity(self)
__swig_destroy__ = _npstat.delete_StringVector
# Register StringVector in _npstat:
_npstat.StringVector_swigregister(StringVector)
class UIntUIntPair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.UIntUIntPair_swiginit(self, _npstat.new_UIntUIntPair(*args))
first = property(_npstat.UIntUIntPair_first_get, _npstat.UIntUIntPair_first_set)
second = property(_npstat.UIntUIntPair_second_get, _npstat.UIntUIntPair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_UIntUIntPair
# Register UIntUIntPair in _npstat:
_npstat.UIntUIntPair_swigregister(UIntUIntPair)
class IntIntPair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.IntIntPair_swiginit(self, _npstat.new_IntIntPair(*args))
first = property(_npstat.IntIntPair_first_get, _npstat.IntIntPair_first_set)
second = property(_npstat.IntIntPair_second_get, _npstat.IntIntPair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_IntIntPair
# Register IntIntPair in _npstat:
_npstat.IntIntPair_swigregister(IntIntPair)
class IntDoublePair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.IntDoublePair_swiginit(self, _npstat.new_IntDoublePair(*args))
first = property(_npstat.IntDoublePair_first_get, _npstat.IntDoublePair_first_set)
second = property(_npstat.IntDoublePair_second_get, _npstat.IntDoublePair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_IntDoublePair
# Register IntDoublePair in _npstat:
_npstat.IntDoublePair_swigregister(IntDoublePair)
class LongDoublePair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LongDoublePair_swiginit(self, _npstat.new_LongDoublePair(*args))
first = property(_npstat.LongDoublePair_first_get, _npstat.LongDoublePair_first_set)
second = property(_npstat.LongDoublePair_second_get, _npstat.LongDoublePair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_LongDoublePair
# Register LongDoublePair in _npstat:
_npstat.LongDoublePair_swigregister(LongDoublePair)
class DoubleDoublePair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleDoublePair_swiginit(self, _npstat.new_DoubleDoublePair(*args))
first = property(_npstat.DoubleDoublePair_first_get, _npstat.DoubleDoublePair_first_set)
second = property(_npstat.DoubleDoublePair_second_get, _npstat.DoubleDoublePair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_DoubleDoublePair
# Register DoubleDoublePair in _npstat:
_npstat.DoubleDoublePair_swigregister(DoubleDoublePair)
class LDoubleLDoublePair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LDoubleLDoublePair_swiginit(self, _npstat.new_LDoubleLDoublePair(*args))
first = property(_npstat.LDoubleLDoublePair_first_get, _npstat.LDoubleLDoublePair_first_set)
second = property(_npstat.LDoubleLDoublePair_second_get, _npstat.LDoubleLDoublePair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_LDoubleLDoublePair
# Register LDoubleLDoublePair in _npstat:
_npstat.LDoubleLDoublePair_swigregister(LDoubleLDoublePair)
class FloatDoublePair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatDoublePair_swiginit(self, _npstat.new_FloatDoublePair(*args))
first = property(_npstat.FloatDoublePair_first_get, _npstat.FloatDoublePair_first_set)
second = property(_npstat.FloatDoublePair_second_get, _npstat.FloatDoublePair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_FloatDoublePair
# Register FloatDoublePair in _npstat:
_npstat.FloatDoublePair_swigregister(FloatDoublePair)
class FloatFloatPair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatFloatPair_swiginit(self, _npstat.new_FloatFloatPair(*args))
first = property(_npstat.FloatFloatPair_first_get, _npstat.FloatFloatPair_first_set)
second = property(_npstat.FloatFloatPair_second_get, _npstat.FloatFloatPair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_FloatFloatPair
# Register FloatFloatPair in _npstat:
_npstat.FloatFloatPair_swigregister(FloatFloatPair)
class DoubleFloatPair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleFloatPair_swiginit(self, _npstat.new_DoubleFloatPair(*args))
first = property(_npstat.DoubleFloatPair_first_get, _npstat.DoubleFloatPair_first_set)
second = property(_npstat.DoubleFloatPair_second_get, _npstat.DoubleFloatPair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_DoubleFloatPair
# Register DoubleFloatPair in _npstat:
_npstat.DoubleFloatPair_swigregister(DoubleFloatPair)
class BoolBoolPair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.BoolBoolPair_swiginit(self, _npstat.new_BoolBoolPair(*args))
first = property(_npstat.BoolBoolPair_first_get, _npstat.BoolBoolPair_first_set)
second = property(_npstat.BoolBoolPair_second_get, _npstat.BoolBoolPair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_BoolBoolPair
# Register BoolBoolPair in _npstat:
_npstat.BoolBoolPair_swigregister(BoolBoolPair)
class StringStringPair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.StringStringPair_swiginit(self, _npstat.new_StringStringPair(*args))
first = property(_npstat.StringStringPair_first_get, _npstat.StringStringPair_first_set)
second = property(_npstat.StringStringPair_second_get, _npstat.StringStringPair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_StringStringPair
# Register StringStringPair in _npstat:
_npstat.StringStringPair_swigregister(StringStringPair)
class UIntUIntPairVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.UIntUIntPairVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.UIntUIntPairVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.UIntUIntPairVector___bool__(self)
def __len__(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::size_type":
return _npstat.UIntUIntPairVector___len__(self)
def __getslice__(self, i: "std::vector< std::pair< unsigned int,unsigned int > >::difference_type", j: "std::vector< std::pair< unsigned int,unsigned int > >::difference_type") -> "std::vector< std::pair< unsigned int,unsigned int >,std::allocator< std::pair< unsigned int,unsigned int > > > *":
return _npstat.UIntUIntPairVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.UIntUIntPairVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::pair< unsigned int,unsigned int > >::difference_type", j: "std::vector< std::pair< unsigned int,unsigned int > >::difference_type") -> "void":
return _npstat.UIntUIntPairVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.UIntUIntPairVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::pair< unsigned int,unsigned int > >::value_type const &":
return _npstat.UIntUIntPairVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.UIntUIntPairVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::value_type":
return _npstat.UIntUIntPairVector_pop(self)
def append(self, x: "UIntUIntPair") -> "void":
return _npstat.UIntUIntPairVector_append(self, x)
def empty(self) -> "bool":
return _npstat.UIntUIntPairVector_empty(self)
def size(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::size_type":
return _npstat.UIntUIntPairVector_size(self)
def swap(self, v: "UIntUIntPairVector") -> "void":
return _npstat.UIntUIntPairVector_swap(self, v)
def begin(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::iterator":
return _npstat.UIntUIntPairVector_begin(self)
def end(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::iterator":
return _npstat.UIntUIntPairVector_end(self)
def rbegin(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::reverse_iterator":
return _npstat.UIntUIntPairVector_rbegin(self)
def rend(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::reverse_iterator":
return _npstat.UIntUIntPairVector_rend(self)
def clear(self) -> "void":
return _npstat.UIntUIntPairVector_clear(self)
def get_allocator(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::allocator_type":
return _npstat.UIntUIntPairVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.UIntUIntPairVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::pair< unsigned int,unsigned int > >::iterator":
return _npstat.UIntUIntPairVector_erase(self, *args)
def __init__(self, *args):
_npstat.UIntUIntPairVector_swiginit(self, _npstat.new_UIntUIntPairVector(*args))
def push_back(self, x: "UIntUIntPair") -> "void":
return _npstat.UIntUIntPairVector_push_back(self, x)
def front(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::value_type const &":
return _npstat.UIntUIntPairVector_front(self)
def back(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::value_type const &":
return _npstat.UIntUIntPairVector_back(self)
def assign(self, n: "std::vector< std::pair< unsigned int,unsigned int > >::size_type", x: "UIntUIntPair") -> "void":
return _npstat.UIntUIntPairVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.UIntUIntPairVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.UIntUIntPairVector_insert(self, *args)
def reserve(self, n: "std::vector< std::pair< unsigned int,unsigned int > >::size_type") -> "void":
return _npstat.UIntUIntPairVector_reserve(self, n)
def capacity(self) -> "std::vector< std::pair< unsigned int,unsigned int > >::size_type":
return _npstat.UIntUIntPairVector_capacity(self)
__swig_destroy__ = _npstat.delete_UIntUIntPairVector
# Register UIntUIntPairVector in _npstat:
_npstat.UIntUIntPairVector_swigregister(UIntUIntPairVector)
class FloatFloatPairVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.FloatFloatPairVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.FloatFloatPairVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.FloatFloatPairVector___bool__(self)
def __len__(self) -> "std::vector< std::pair< float,float > >::size_type":
return _npstat.FloatFloatPairVector___len__(self)
def __getslice__(self, i: "std::vector< std::pair< float,float > >::difference_type", j: "std::vector< std::pair< float,float > >::difference_type") -> "std::vector< std::pair< float,float >,std::allocator< std::pair< float,float > > > *":
return _npstat.FloatFloatPairVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.FloatFloatPairVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::pair< float,float > >::difference_type", j: "std::vector< std::pair< float,float > >::difference_type") -> "void":
return _npstat.FloatFloatPairVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.FloatFloatPairVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::pair< float,float > >::value_type const &":
return _npstat.FloatFloatPairVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.FloatFloatPairVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::pair< float,float > >::value_type":
return _npstat.FloatFloatPairVector_pop(self)
def append(self, x: "FloatFloatPair") -> "void":
return _npstat.FloatFloatPairVector_append(self, x)
def empty(self) -> "bool":
return _npstat.FloatFloatPairVector_empty(self)
def size(self) -> "std::vector< std::pair< float,float > >::size_type":
return _npstat.FloatFloatPairVector_size(self)
def swap(self, v: "FloatFloatPairVector") -> "void":
return _npstat.FloatFloatPairVector_swap(self, v)
def begin(self) -> "std::vector< std::pair< float,float > >::iterator":
return _npstat.FloatFloatPairVector_begin(self)
def end(self) -> "std::vector< std::pair< float,float > >::iterator":
return _npstat.FloatFloatPairVector_end(self)
def rbegin(self) -> "std::vector< std::pair< float,float > >::reverse_iterator":
return _npstat.FloatFloatPairVector_rbegin(self)
def rend(self) -> "std::vector< std::pair< float,float > >::reverse_iterator":
return _npstat.FloatFloatPairVector_rend(self)
def clear(self) -> "void":
return _npstat.FloatFloatPairVector_clear(self)
def get_allocator(self) -> "std::vector< std::pair< float,float > >::allocator_type":
return _npstat.FloatFloatPairVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.FloatFloatPairVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::pair< float,float > >::iterator":
return _npstat.FloatFloatPairVector_erase(self, *args)
def __init__(self, *args):
_npstat.FloatFloatPairVector_swiginit(self, _npstat.new_FloatFloatPairVector(*args))
def push_back(self, x: "FloatFloatPair") -> "void":
return _npstat.FloatFloatPairVector_push_back(self, x)
def front(self) -> "std::vector< std::pair< float,float > >::value_type const &":
return _npstat.FloatFloatPairVector_front(self)
def back(self) -> "std::vector< std::pair< float,float > >::value_type const &":
return _npstat.FloatFloatPairVector_back(self)
def assign(self, n: "std::vector< std::pair< float,float > >::size_type", x: "FloatFloatPair") -> "void":
return _npstat.FloatFloatPairVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.FloatFloatPairVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.FloatFloatPairVector_insert(self, *args)
def reserve(self, n: "std::vector< std::pair< float,float > >::size_type") -> "void":
return _npstat.FloatFloatPairVector_reserve(self, n)
def capacity(self) -> "std::vector< std::pair< float,float > >::size_type":
return _npstat.FloatFloatPairVector_capacity(self)
__swig_destroy__ = _npstat.delete_FloatFloatPairVector
# Register FloatFloatPairVector in _npstat:
_npstat.FloatFloatPairVector_swigregister(FloatFloatPairVector)
class DoubleDoublePairVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.DoubleDoublePairVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.DoubleDoublePairVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.DoubleDoublePairVector___bool__(self)
def __len__(self) -> "std::vector< std::pair< double,double > >::size_type":
return _npstat.DoubleDoublePairVector___len__(self)
def __getslice__(self, i: "std::vector< std::pair< double,double > >::difference_type", j: "std::vector< std::pair< double,double > >::difference_type") -> "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > *":
return _npstat.DoubleDoublePairVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.DoubleDoublePairVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::pair< double,double > >::difference_type", j: "std::vector< std::pair< double,double > >::difference_type") -> "void":
return _npstat.DoubleDoublePairVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.DoubleDoublePairVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::pair< double,double > >::value_type const &":
return _npstat.DoubleDoublePairVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.DoubleDoublePairVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::pair< double,double > >::value_type":
return _npstat.DoubleDoublePairVector_pop(self)
def append(self, x: "DoubleDoublePair") -> "void":
return _npstat.DoubleDoublePairVector_append(self, x)
def empty(self) -> "bool":
return _npstat.DoubleDoublePairVector_empty(self)
def size(self) -> "std::vector< std::pair< double,double > >::size_type":
return _npstat.DoubleDoublePairVector_size(self)
def swap(self, v: "DoubleDoublePairVector") -> "void":
return _npstat.DoubleDoublePairVector_swap(self, v)
def begin(self) -> "std::vector< std::pair< double,double > >::iterator":
return _npstat.DoubleDoublePairVector_begin(self)
def end(self) -> "std::vector< std::pair< double,double > >::iterator":
return _npstat.DoubleDoublePairVector_end(self)
def rbegin(self) -> "std::vector< std::pair< double,double > >::reverse_iterator":
return _npstat.DoubleDoublePairVector_rbegin(self)
def rend(self) -> "std::vector< std::pair< double,double > >::reverse_iterator":
return _npstat.DoubleDoublePairVector_rend(self)
def clear(self) -> "void":
return _npstat.DoubleDoublePairVector_clear(self)
def get_allocator(self) -> "std::vector< std::pair< double,double > >::allocator_type":
return _npstat.DoubleDoublePairVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.DoubleDoublePairVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::pair< double,double > >::iterator":
return _npstat.DoubleDoublePairVector_erase(self, *args)
def __init__(self, *args):
_npstat.DoubleDoublePairVector_swiginit(self, _npstat.new_DoubleDoublePairVector(*args))
def push_back(self, x: "DoubleDoublePair") -> "void":
return _npstat.DoubleDoublePairVector_push_back(self, x)
def front(self) -> "std::vector< std::pair< double,double > >::value_type const &":
return _npstat.DoubleDoublePairVector_front(self)
def back(self) -> "std::vector< std::pair< double,double > >::value_type const &":
return _npstat.DoubleDoublePairVector_back(self)
def assign(self, n: "std::vector< std::pair< double,double > >::size_type", x: "DoubleDoublePair") -> "void":
return _npstat.DoubleDoublePairVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.DoubleDoublePairVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.DoubleDoublePairVector_insert(self, *args)
def reserve(self, n: "std::vector< std::pair< double,double > >::size_type") -> "void":
return _npstat.DoubleDoublePairVector_reserve(self, n)
def capacity(self) -> "std::vector< std::pair< double,double > >::size_type":
return _npstat.DoubleDoublePairVector_capacity(self)
__swig_destroy__ = _npstat.delete_DoubleDoublePairVector
# Register DoubleDoublePairVector in _npstat:
_npstat.DoubleDoublePairVector_swigregister(DoubleDoublePairVector)
class FloatDoublePairVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.FloatDoublePairVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.FloatDoublePairVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.FloatDoublePairVector___bool__(self)
def __len__(self) -> "std::vector< std::pair< float,double > >::size_type":
return _npstat.FloatDoublePairVector___len__(self)
def __getslice__(self, i: "std::vector< std::pair< float,double > >::difference_type", j: "std::vector< std::pair< float,double > >::difference_type") -> "std::vector< std::pair< float,double >,std::allocator< std::pair< float,double > > > *":
return _npstat.FloatDoublePairVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.FloatDoublePairVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::pair< float,double > >::difference_type", j: "std::vector< std::pair< float,double > >::difference_type") -> "void":
return _npstat.FloatDoublePairVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.FloatDoublePairVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::pair< float,double > >::value_type const &":
return _npstat.FloatDoublePairVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.FloatDoublePairVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::pair< float,double > >::value_type":
return _npstat.FloatDoublePairVector_pop(self)
def append(self, x: "FloatDoublePair") -> "void":
return _npstat.FloatDoublePairVector_append(self, x)
def empty(self) -> "bool":
return _npstat.FloatDoublePairVector_empty(self)
def size(self) -> "std::vector< std::pair< float,double > >::size_type":
return _npstat.FloatDoublePairVector_size(self)
def swap(self, v: "FloatDoublePairVector") -> "void":
return _npstat.FloatDoublePairVector_swap(self, v)
def begin(self) -> "std::vector< std::pair< float,double > >::iterator":
return _npstat.FloatDoublePairVector_begin(self)
def end(self) -> "std::vector< std::pair< float,double > >::iterator":
return _npstat.FloatDoublePairVector_end(self)
def rbegin(self) -> "std::vector< std::pair< float,double > >::reverse_iterator":
return _npstat.FloatDoublePairVector_rbegin(self)
def rend(self) -> "std::vector< std::pair< float,double > >::reverse_iterator":
return _npstat.FloatDoublePairVector_rend(self)
def clear(self) -> "void":
return _npstat.FloatDoublePairVector_clear(self)
def get_allocator(self) -> "std::vector< std::pair< float,double > >::allocator_type":
return _npstat.FloatDoublePairVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.FloatDoublePairVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::pair< float,double > >::iterator":
return _npstat.FloatDoublePairVector_erase(self, *args)
def __init__(self, *args):
_npstat.FloatDoublePairVector_swiginit(self, _npstat.new_FloatDoublePairVector(*args))
def push_back(self, x: "FloatDoublePair") -> "void":
return _npstat.FloatDoublePairVector_push_back(self, x)
def front(self) -> "std::vector< std::pair< float,double > >::value_type const &":
return _npstat.FloatDoublePairVector_front(self)
def back(self) -> "std::vector< std::pair< float,double > >::value_type const &":
return _npstat.FloatDoublePairVector_back(self)
def assign(self, n: "std::vector< std::pair< float,double > >::size_type", x: "FloatDoublePair") -> "void":
return _npstat.FloatDoublePairVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.FloatDoublePairVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.FloatDoublePairVector_insert(self, *args)
def reserve(self, n: "std::vector< std::pair< float,double > >::size_type") -> "void":
return _npstat.FloatDoublePairVector_reserve(self, n)
def capacity(self) -> "std::vector< std::pair< float,double > >::size_type":
return _npstat.FloatDoublePairVector_capacity(self)
__swig_destroy__ = _npstat.delete_FloatDoublePairVector
# Register FloatDoublePairVector in _npstat:
_npstat.FloatDoublePairVector_swigregister(FloatDoublePairVector)
class DoubleFloatPairVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.DoubleFloatPairVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.DoubleFloatPairVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.DoubleFloatPairVector___bool__(self)
def __len__(self) -> "std::vector< std::pair< double,float > >::size_type":
return _npstat.DoubleFloatPairVector___len__(self)
def __getslice__(self, i: "std::vector< std::pair< double,float > >::difference_type", j: "std::vector< std::pair< double,float > >::difference_type") -> "std::vector< std::pair< double,float >,std::allocator< std::pair< double,float > > > *":
return _npstat.DoubleFloatPairVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.DoubleFloatPairVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::pair< double,float > >::difference_type", j: "std::vector< std::pair< double,float > >::difference_type") -> "void":
return _npstat.DoubleFloatPairVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.DoubleFloatPairVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::pair< double,float > >::value_type const &":
return _npstat.DoubleFloatPairVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.DoubleFloatPairVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::pair< double,float > >::value_type":
return _npstat.DoubleFloatPairVector_pop(self)
def append(self, x: "DoubleFloatPair") -> "void":
return _npstat.DoubleFloatPairVector_append(self, x)
def empty(self) -> "bool":
return _npstat.DoubleFloatPairVector_empty(self)
def size(self) -> "std::vector< std::pair< double,float > >::size_type":
return _npstat.DoubleFloatPairVector_size(self)
def swap(self, v: "DoubleFloatPairVector") -> "void":
return _npstat.DoubleFloatPairVector_swap(self, v)
def begin(self) -> "std::vector< std::pair< double,float > >::iterator":
return _npstat.DoubleFloatPairVector_begin(self)
def end(self) -> "std::vector< std::pair< double,float > >::iterator":
return _npstat.DoubleFloatPairVector_end(self)
def rbegin(self) -> "std::vector< std::pair< double,float > >::reverse_iterator":
return _npstat.DoubleFloatPairVector_rbegin(self)
def rend(self) -> "std::vector< std::pair< double,float > >::reverse_iterator":
return _npstat.DoubleFloatPairVector_rend(self)
def clear(self) -> "void":
return _npstat.DoubleFloatPairVector_clear(self)
def get_allocator(self) -> "std::vector< std::pair< double,float > >::allocator_type":
return _npstat.DoubleFloatPairVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.DoubleFloatPairVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::pair< double,float > >::iterator":
return _npstat.DoubleFloatPairVector_erase(self, *args)
def __init__(self, *args):
_npstat.DoubleFloatPairVector_swiginit(self, _npstat.new_DoubleFloatPairVector(*args))
def push_back(self, x: "DoubleFloatPair") -> "void":
return _npstat.DoubleFloatPairVector_push_back(self, x)
def front(self) -> "std::vector< std::pair< double,float > >::value_type const &":
return _npstat.DoubleFloatPairVector_front(self)
def back(self) -> "std::vector< std::pair< double,float > >::value_type const &":
return _npstat.DoubleFloatPairVector_back(self)
def assign(self, n: "std::vector< std::pair< double,float > >::size_type", x: "DoubleFloatPair") -> "void":
return _npstat.DoubleFloatPairVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.DoubleFloatPairVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.DoubleFloatPairVector_insert(self, *args)
def reserve(self, n: "std::vector< std::pair< double,float > >::size_type") -> "void":
return _npstat.DoubleFloatPairVector_reserve(self, n)
def capacity(self) -> "std::vector< std::pair< double,float > >::size_type":
return _npstat.DoubleFloatPairVector_capacity(self)
__swig_destroy__ = _npstat.delete_DoubleFloatPairVector
# Register DoubleFloatPairVector in _npstat:
_npstat.DoubleFloatPairVector_swigregister(DoubleFloatPairVector)
class BoolBoolPairVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.BoolBoolPairVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.BoolBoolPairVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.BoolBoolPairVector___bool__(self)
def __len__(self) -> "std::vector< std::pair< bool,bool > >::size_type":
return _npstat.BoolBoolPairVector___len__(self)
def __getslice__(self, i: "std::vector< std::pair< bool,bool > >::difference_type", j: "std::vector< std::pair< bool,bool > >::difference_type") -> "std::vector< std::pair< bool,bool >,std::allocator< std::pair< bool,bool > > > *":
return _npstat.BoolBoolPairVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.BoolBoolPairVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::pair< bool,bool > >::difference_type", j: "std::vector< std::pair< bool,bool > >::difference_type") -> "void":
return _npstat.BoolBoolPairVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.BoolBoolPairVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::pair< bool,bool > >::value_type const &":
return _npstat.BoolBoolPairVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.BoolBoolPairVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::pair< bool,bool > >::value_type":
return _npstat.BoolBoolPairVector_pop(self)
def append(self, x: "BoolBoolPair") -> "void":
return _npstat.BoolBoolPairVector_append(self, x)
def empty(self) -> "bool":
return _npstat.BoolBoolPairVector_empty(self)
def size(self) -> "std::vector< std::pair< bool,bool > >::size_type":
return _npstat.BoolBoolPairVector_size(self)
def swap(self, v: "BoolBoolPairVector") -> "void":
return _npstat.BoolBoolPairVector_swap(self, v)
def begin(self) -> "std::vector< std::pair< bool,bool > >::iterator":
return _npstat.BoolBoolPairVector_begin(self)
def end(self) -> "std::vector< std::pair< bool,bool > >::iterator":
return _npstat.BoolBoolPairVector_end(self)
def rbegin(self) -> "std::vector< std::pair< bool,bool > >::reverse_iterator":
return _npstat.BoolBoolPairVector_rbegin(self)
def rend(self) -> "std::vector< std::pair< bool,bool > >::reverse_iterator":
return _npstat.BoolBoolPairVector_rend(self)
def clear(self) -> "void":
return _npstat.BoolBoolPairVector_clear(self)
def get_allocator(self) -> "std::vector< std::pair< bool,bool > >::allocator_type":
return _npstat.BoolBoolPairVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.BoolBoolPairVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::pair< bool,bool > >::iterator":
return _npstat.BoolBoolPairVector_erase(self, *args)
def __init__(self, *args):
_npstat.BoolBoolPairVector_swiginit(self, _npstat.new_BoolBoolPairVector(*args))
def push_back(self, x: "BoolBoolPair") -> "void":
return _npstat.BoolBoolPairVector_push_back(self, x)
def front(self) -> "std::vector< std::pair< bool,bool > >::value_type const &":
return _npstat.BoolBoolPairVector_front(self)
def back(self) -> "std::vector< std::pair< bool,bool > >::value_type const &":
return _npstat.BoolBoolPairVector_back(self)
def assign(self, n: "std::vector< std::pair< bool,bool > >::size_type", x: "BoolBoolPair") -> "void":
return _npstat.BoolBoolPairVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.BoolBoolPairVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.BoolBoolPairVector_insert(self, *args)
def reserve(self, n: "std::vector< std::pair< bool,bool > >::size_type") -> "void":
return _npstat.BoolBoolPairVector_reserve(self, n)
def capacity(self) -> "std::vector< std::pair< bool,bool > >::size_type":
return _npstat.BoolBoolPairVector_capacity(self)
__swig_destroy__ = _npstat.delete_BoolBoolPairVector
# Register BoolBoolPairVector in _npstat:
_npstat.BoolBoolPairVector_swigregister(BoolBoolPairVector)
class FloatVectorVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.FloatVectorVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.FloatVectorVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.FloatVectorVector___bool__(self)
def __len__(self) -> "std::vector< std::vector< float > >::size_type":
return _npstat.FloatVectorVector___len__(self)
def __getslice__(self, i: "std::vector< std::vector< float > >::difference_type", j: "std::vector< std::vector< float > >::difference_type") -> "std::vector< std::vector< float,std::allocator< float > >,std::allocator< std::vector< float,std::allocator< float > > > > *":
return _npstat.FloatVectorVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.FloatVectorVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::vector< float > >::difference_type", j: "std::vector< std::vector< float > >::difference_type") -> "void":
return _npstat.FloatVectorVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.FloatVectorVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::vector< float > >::value_type const &":
return _npstat.FloatVectorVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.FloatVectorVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::vector< float > >::value_type":
return _npstat.FloatVectorVector_pop(self)
def append(self, x: "FloatVector") -> "void":
return _npstat.FloatVectorVector_append(self, x)
def empty(self) -> "bool":
return _npstat.FloatVectorVector_empty(self)
def size(self) -> "std::vector< std::vector< float > >::size_type":
return _npstat.FloatVectorVector_size(self)
def swap(self, v: "FloatVectorVector") -> "void":
return _npstat.FloatVectorVector_swap(self, v)
def begin(self) -> "std::vector< std::vector< float > >::iterator":
return _npstat.FloatVectorVector_begin(self)
def end(self) -> "std::vector< std::vector< float > >::iterator":
return _npstat.FloatVectorVector_end(self)
def rbegin(self) -> "std::vector< std::vector< float > >::reverse_iterator":
return _npstat.FloatVectorVector_rbegin(self)
def rend(self) -> "std::vector< std::vector< float > >::reverse_iterator":
return _npstat.FloatVectorVector_rend(self)
def clear(self) -> "void":
return _npstat.FloatVectorVector_clear(self)
def get_allocator(self) -> "std::vector< std::vector< float > >::allocator_type":
return _npstat.FloatVectorVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.FloatVectorVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::vector< float > >::iterator":
return _npstat.FloatVectorVector_erase(self, *args)
def __init__(self, *args):
_npstat.FloatVectorVector_swiginit(self, _npstat.new_FloatVectorVector(*args))
def push_back(self, x: "FloatVector") -> "void":
return _npstat.FloatVectorVector_push_back(self, x)
def front(self) -> "std::vector< std::vector< float > >::value_type const &":
return _npstat.FloatVectorVector_front(self)
def back(self) -> "std::vector< std::vector< float > >::value_type const &":
return _npstat.FloatVectorVector_back(self)
def assign(self, n: "std::vector< std::vector< float > >::size_type", x: "FloatVector") -> "void":
return _npstat.FloatVectorVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.FloatVectorVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.FloatVectorVector_insert(self, *args)
def reserve(self, n: "std::vector< std::vector< float > >::size_type") -> "void":
return _npstat.FloatVectorVector_reserve(self, n)
def capacity(self) -> "std::vector< std::vector< float > >::size_type":
return _npstat.FloatVectorVector_capacity(self)
__swig_destroy__ = _npstat.delete_FloatVectorVector
# Register FloatVectorVector in _npstat:
_npstat.FloatVectorVector_swigregister(FloatVectorVector)
class DoubleVectorVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.DoubleVectorVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.DoubleVectorVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.DoubleVectorVector___bool__(self)
def __len__(self) -> "std::vector< std::vector< double > >::size_type":
return _npstat.DoubleVectorVector___len__(self)
def __getslice__(self, i: "std::vector< std::vector< double > >::difference_type", j: "std::vector< std::vector< double > >::difference_type") -> "std::vector< std::vector< double,std::allocator< double > >,std::allocator< std::vector< double,std::allocator< double > > > > *":
return _npstat.DoubleVectorVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.DoubleVectorVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::vector< double > >::difference_type", j: "std::vector< std::vector< double > >::difference_type") -> "void":
return _npstat.DoubleVectorVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.DoubleVectorVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::vector< double > >::value_type const &":
return _npstat.DoubleVectorVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.DoubleVectorVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::vector< double > >::value_type":
return _npstat.DoubleVectorVector_pop(self)
def append(self, x: "DoubleVector") -> "void":
return _npstat.DoubleVectorVector_append(self, x)
def empty(self) -> "bool":
return _npstat.DoubleVectorVector_empty(self)
def size(self) -> "std::vector< std::vector< double > >::size_type":
return _npstat.DoubleVectorVector_size(self)
def swap(self, v: "DoubleVectorVector") -> "void":
return _npstat.DoubleVectorVector_swap(self, v)
def begin(self) -> "std::vector< std::vector< double > >::iterator":
return _npstat.DoubleVectorVector_begin(self)
def end(self) -> "std::vector< std::vector< double > >::iterator":
return _npstat.DoubleVectorVector_end(self)
def rbegin(self) -> "std::vector< std::vector< double > >::reverse_iterator":
return _npstat.DoubleVectorVector_rbegin(self)
def rend(self) -> "std::vector< std::vector< double > >::reverse_iterator":
return _npstat.DoubleVectorVector_rend(self)
def clear(self) -> "void":
return _npstat.DoubleVectorVector_clear(self)
def get_allocator(self) -> "std::vector< std::vector< double > >::allocator_type":
return _npstat.DoubleVectorVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.DoubleVectorVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::vector< double > >::iterator":
return _npstat.DoubleVectorVector_erase(self, *args)
def __init__(self, *args):
_npstat.DoubleVectorVector_swiginit(self, _npstat.new_DoubleVectorVector(*args))
def push_back(self, x: "DoubleVector") -> "void":
return _npstat.DoubleVectorVector_push_back(self, x)
def front(self) -> "std::vector< std::vector< double > >::value_type const &":
return _npstat.DoubleVectorVector_front(self)
def back(self) -> "std::vector< std::vector< double > >::value_type const &":
return _npstat.DoubleVectorVector_back(self)
def assign(self, n: "std::vector< std::vector< double > >::size_type", x: "DoubleVector") -> "void":
return _npstat.DoubleVectorVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.DoubleVectorVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.DoubleVectorVector_insert(self, *args)
def reserve(self, n: "std::vector< std::vector< double > >::size_type") -> "void":
return _npstat.DoubleVectorVector_reserve(self, n)
def capacity(self) -> "std::vector< std::vector< double > >::size_type":
return _npstat.DoubleVectorVector_capacity(self)
__swig_destroy__ = _npstat.delete_DoubleVectorVector
# Register DoubleVectorVector in _npstat:
_npstat.DoubleVectorVector_swigregister(DoubleVectorVector)
def getBool(p: "bool const *") -> "bool":
return _npstat.getBool(p)
def getChar(p: "char const *") -> "char":
return _npstat.getChar(p)
def getUChar(p: "unsigned char const *") -> "unsigned char":
return _npstat.getUChar(p)
def getSChar(p: "signed char const *") -> "signed char":
return _npstat.getSChar(p)
def getShort(p: "short const *") -> "short":
return _npstat.getShort(p)
def getUShort(p: "unsigned short const *") -> "unsigned short":
return _npstat.getUShort(p)
def getInt(p: "int const *") -> "int":
return _npstat.getInt(p)
def getLong(p: "long const *") -> "long":
return _npstat.getLong(p)
def getLLong(p: "long long const *") -> "long long":
return _npstat.getLLong(p)
def getUInt(p: "unsigned int const *") -> "unsigned int":
return _npstat.getUInt(p)
def getULong(p: "unsigned long const *") -> "unsigned long":
return _npstat.getULong(p)
def getULLong(p: "unsigned long long const *") -> "unsigned long long":
return _npstat.getULLong(p)
def getFloat(p: "float const *") -> "float":
return _npstat.getFloat(p)
def getDouble(p: "double const *") -> "double":
return _npstat.getDouble(p)
def getLDouble(p: "long double const *") -> "long double":
return _npstat.getLDouble(p)
def getCFloat(p: "std::complex< float > const *") -> "std::complex< float >":
return _npstat.getCFloat(p)
def getCDouble(p: "std::complex< double > const *") -> "std::complex< double >":
return _npstat.getCDouble(p)
def getCLDouble(p: "std::complex< long double > const *") -> "std::complex< long double >":
return _npstat.getCLDouble(p)
def getString(p: "string") -> "std::basic_string< char,std::char_traits< char >,std::allocator< char > >":
return _npstat.getString(p)
def assignBool(p: "bool *", value: "bool const &") -> "void":
return _npstat.assignBool(p, value)
def assignChar(p: "char *", value: "char const &") -> "void":
return _npstat.assignChar(p, value)
def assignUChar(p: "unsigned char *", value: "unsigned char const &") -> "void":
return _npstat.assignUChar(p, value)
def assignSChar(p: "signed char *", value: "signed char const &") -> "void":
return _npstat.assignSChar(p, value)
def assignShort(p: "short *", value: "short const &") -> "void":
return _npstat.assignShort(p, value)
def assignUShort(p: "unsigned short *", value: "unsigned short const &") -> "void":
return _npstat.assignUShort(p, value)
def assignInt(p: "int *", value: "int const &") -> "void":
return _npstat.assignInt(p, value)
def assignLong(p: "long *", value: "long const &") -> "void":
return _npstat.assignLong(p, value)
def assignLLong(p: "long long *", value: "long long const &") -> "void":
return _npstat.assignLLong(p, value)
def assignUInt(p: "unsigned int *", value: "unsigned int const &") -> "void":
return _npstat.assignUInt(p, value)
def assignULong(p: "unsigned long *", value: "unsigned long const &") -> "void":
return _npstat.assignULong(p, value)
def assignULLong(p: "unsigned long long *", value: "unsigned long long const &") -> "void":
return _npstat.assignULLong(p, value)
def assignFloat(p: "float *", value: "float const &") -> "void":
return _npstat.assignFloat(p, value)
def assignDouble(p: "double *", value: "double const &") -> "void":
return _npstat.assignDouble(p, value)
def assignLDouble(p: "long double *", value: "long double const &") -> "void":
return _npstat.assignLDouble(p, value)
def assignCFloat(p: "std::complex< float > *", value: "std::complex< float > const &") -> "void":
return _npstat.assignCFloat(p, value)
def assignCDouble(p: "std::complex< double > *", value: "std::complex< double > const &") -> "void":
return _npstat.assignCDouble(p, value)
def assignCLDouble(p: "std::complex< long double > *", value: "std::complex< long double > const &") -> "void":
return _npstat.assignCLDouble(p, value)
def assignString(p: "string", value: "string") -> "void":
return _npstat.assignString(p, value)
class AbsRandomGenerator(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsRandomGenerator
def dim(self) -> "unsigned int":
return _npstat.AbsRandomGenerator_dim(self)
def maxPoints(self) -> "unsigned long long":
return _npstat.AbsRandomGenerator_maxPoints(self)
def __call__(self) -> "double":
return _npstat.AbsRandomGenerator___call__(self)
def run(self, buf: "double *", bufLen: "unsigned int const", nPt: "unsigned int const") -> "void":
return _npstat.AbsRandomGenerator_run(self, buf, bufLen, nPt)
def generate(self, npoints: "unsigned int") -> "std::vector< double,std::allocator< double > >":
return _npstat.AbsRandomGenerator_generate(self, npoints)
# Register AbsRandomGenerator in _npstat:
_npstat.AbsRandomGenerator_swigregister(AbsRandomGenerator)
class WrappedRandomGen(AbsRandomGenerator):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "double (*)()"):
_npstat.WrappedRandomGen_swiginit(self, _npstat.new_WrappedRandomGen(fcn))
__swig_destroy__ = _npstat.delete_WrappedRandomGen
def dim(self) -> "unsigned int":
return _npstat.WrappedRandomGen_dim(self)
def __call__(self) -> "double":
return _npstat.WrappedRandomGen___call__(self)
# Register WrappedRandomGen in _npstat:
_npstat.WrappedRandomGen_swigregister(WrappedRandomGen)
class RandomSequenceRepeater(AbsRandomGenerator):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, original: "AbsRandomGenerator"):
_npstat.RandomSequenceRepeater_swiginit(self, _npstat.new_RandomSequenceRepeater(original))
__swig_destroy__ = _npstat.delete_RandomSequenceRepeater
def dim(self) -> "unsigned int":
return _npstat.RandomSequenceRepeater_dim(self)
def __call__(self) -> "double":
return _npstat.RandomSequenceRepeater___call__(self)
def run(self, buf: "double *", bufLen: "unsigned int const", nPt: "unsigned int const") -> "void":
return _npstat.RandomSequenceRepeater_run(self, buf, bufLen, nPt)
def repeat(self) -> "void":
return _npstat.RandomSequenceRepeater_repeat(self)
def clear(self) -> "void":
return _npstat.RandomSequenceRepeater_clear(self)
def skip(self, nSkip: "unsigned long") -> "void":
return _npstat.RandomSequenceRepeater_skip(self, nSkip)
# Register RandomSequenceRepeater in _npstat:
_npstat.RandomSequenceRepeater_swigregister(RandomSequenceRepeater)
def assignResamplingWeights(gen: "AbsRandomGenerator", nPoints: "unsigned long const", sampleSizeWanted: "unsigned long const") -> "std::vector< double,std::allocator< double > >":
return _npstat.assignResamplingWeights(gen, nPoints, sampleSizeWanted)
class RegularSampler1D(AbsRandomGenerator):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.RegularSampler1D_swiginit(self, _npstat.new_RegularSampler1D())
__swig_destroy__ = _npstat.delete_RegularSampler1D
def dim(self) -> "unsigned int":
return _npstat.RegularSampler1D_dim(self)
def nCalls(self) -> "unsigned long long":
return _npstat.RegularSampler1D_nCalls(self)
def __call__(self) -> "double":
return _npstat.RegularSampler1D___call__(self)
def reset(self) -> "void":
return _npstat.RegularSampler1D_reset(self)
@staticmethod
def uniformCount(level: "unsigned int") -> "unsigned long long":
return _npstat.RegularSampler1D_uniformCount(level)
# Register RegularSampler1D in _npstat:
_npstat.RegularSampler1D_swigregister(RegularSampler1D)
def RegularSampler1D_uniformCount(level: "unsigned int") -> "unsigned long long":
return _npstat.RegularSampler1D_uniformCount(level)
def orderedPermutation(permutationNumber: "unsigned long", permutation: "unsigned int *", permLen: "unsigned int") -> "void":
return _npstat.orderedPermutation(permutationNumber, permutation, permLen)
def randomPermutation(gen: "AbsRandomGenerator", permutation: "unsigned int *", permLen: "unsigned int") -> "void":
return _npstat.randomPermutation(gen, permutation, permLen)
def permutationNumber(permutation: "unsigned int const *", permLen: "unsigned int") -> "unsigned long":
return _npstat.permutationNumber(permutation, permLen)
def factorial(n: "unsigned int") -> "unsigned long":
return _npstat.factorial(n)
def intPower(a: "unsigned int", n: "unsigned int") -> "unsigned long":
return _npstat.intPower(a, n)
def ldfactorial(n: "unsigned int") -> "long double":
return _npstat.ldfactorial(n)
def logfactorial(n: "unsigned long") -> "long double":
return _npstat.logfactorial(n)
class SobolGenerator(AbsRandomGenerator):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
DIM_MAX = _npstat.SobolGenerator_DIM_MAX
LOG_MAX = _npstat.SobolGenerator_LOG_MAX
def __init__(self, *args):
_npstat.SobolGenerator_swiginit(self, _npstat.new_SobolGenerator(*args))
__swig_destroy__ = _npstat.delete_SobolGenerator
def dim(self) -> "unsigned int":
return _npstat.SobolGenerator_dim(self)
def run(self, buf: "double *", bufSize: "unsigned int", nPoints: "unsigned int") -> "void":
return _npstat.SobolGenerator_run(self, buf, bufSize, nPoints)
def __call__(self) -> "double":
return _npstat.SobolGenerator___call__(self)
def maxPoints(self) -> "unsigned long long":
return _npstat.SobolGenerator_maxPoints(self)
# Register SobolGenerator in _npstat:
_npstat.SobolGenerator_swigregister(SobolGenerator)
class HOSobolGenerator(SobolGenerator):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, dim: "unsigned int", interlacingFactor: "unsigned int", maxPowerOfTwo: "unsigned int", nSkip: "unsigned int"=0):
_npstat.HOSobolGenerator_swiginit(self, _npstat.new_HOSobolGenerator(dim, interlacingFactor, maxPowerOfTwo, nSkip))
__swig_destroy__ = _npstat.delete_HOSobolGenerator
def dim(self) -> "unsigned int":
return _npstat.HOSobolGenerator_dim(self)
def run(self, buf: "double *", bufSize: "unsigned int", nPoints: "unsigned int") -> "void":
return _npstat.HOSobolGenerator_run(self, buf, bufSize, nPoints)
# Register HOSobolGenerator in _npstat:
_npstat.HOSobolGenerator_swigregister(HOSobolGenerator)
def convertToSphericalRandom(rnd: "double const *", dim: "unsigned int", direction: "double *", getRadialRandom: "bool"=True) -> "double":
return _npstat.convertToSphericalRandom(rnd, dim, direction, getRadialRandom)
class MersenneTwister(AbsRandomGenerator):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.MersenneTwister_swiginit(self, _npstat.new_MersenneTwister(*args))
__swig_destroy__ = _npstat.delete_MersenneTwister
def dim(self) -> "unsigned int":
return _npstat.MersenneTwister_dim(self)
def __call__(self) -> "double":
return _npstat.MersenneTwister___call__(self)
# Register MersenneTwister in _npstat:
_npstat.MersenneTwister_swigregister(MersenneTwister)
class EquidistantSampler1D(AbsRandomGenerator):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nIntervals: "unsigned long long", increasingOrder: "bool"=True):
_npstat.EquidistantSampler1D_swiginit(self, _npstat.new_EquidistantSampler1D(nIntervals, increasingOrder))
__swig_destroy__ = _npstat.delete_EquidistantSampler1D
def dim(self) -> "unsigned int":
return _npstat.EquidistantSampler1D_dim(self)
def nCalls(self) -> "unsigned long long":
return _npstat.EquidistantSampler1D_nCalls(self)
def maxPoints(self) -> "unsigned long long":
return _npstat.EquidistantSampler1D_maxPoints(self)
def __call__(self) -> "double":
return _npstat.EquidistantSampler1D___call__(self)
def reset(self) -> "void":
return _npstat.EquidistantSampler1D_reset(self)
# Register EquidistantSampler1D in _npstat:
_npstat.EquidistantSampler1D_swigregister(EquidistantSampler1D)
def resampleWithReplacement(*args) -> "std::vector< double,std::allocator< double > >":
return _npstat.resampleWithReplacement(*args)
def inverseGaussCdf(cdf: "double") -> "double":
return _npstat.inverseGaussCdf(cdf)
def incompleteBeta(a: "double", b: "double", x: "double") -> "double":
return _npstat.incompleteBeta(a, b, x)
def inverseIncompleteBeta(a: "double", b: "double", x: "double") -> "double":
return _npstat.inverseIncompleteBeta(a, b, x)
def Gamma(x: "double") -> "double":
return _npstat.Gamma(x)
def incompleteGamma(a: "double", x: "double") -> "double":
return _npstat.incompleteGamma(a, x)
def incompleteGammaC(a: "double", x: "double") -> "double":
return _npstat.incompleteGammaC(a, x)
def inverseIncompleteGamma(a: "double", x: "double") -> "double":
return _npstat.inverseIncompleteGamma(a, x)
def inverseIncompleteGammaC(a: "double", x: "double") -> "double":
return _npstat.inverseIncompleteGammaC(a, x)
def dawsonIntegral(x: "long double") -> "long double":
return _npstat.dawsonIntegral(x)
def inverseExpsqIntegral(x: "long double") -> "long double":
return _npstat.inverseExpsqIntegral(x)
def normalDensityDerivative(n: "unsigned int", x: "long double") -> "long double":
return _npstat.normalDensityDerivative(n, x)
def bivariateNormalIntegral(rho: "double", x: "double", y: "double") -> "double":
return _npstat.bivariateNormalIntegral(rho, x, y)
def besselK(nu: "double", z: "double") -> "double":
return _npstat.besselK(nu, z)
class Peak2D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.Peak2D_swiginit(self, _npstat.new_Peak2D())
def rescaleCoords(self, centerCellCoordinateInX: "double", gridCellWidthInX: "double", centerCellCoordinateInY: "double", gridCellWidthInY: "double") -> "void":
return _npstat.Peak2D_rescaleCoords(self, centerCellCoordinateInX, gridCellWidthInX, centerCellCoordinateInY, gridCellWidthInY)
x = property(_npstat.Peak2D_x_get, _npstat.Peak2D_x_set)
y = property(_npstat.Peak2D_y_get, _npstat.Peak2D_y_set)
magnitude = property(_npstat.Peak2D_magnitude_get, _npstat.Peak2D_magnitude_set)
hessian = property(_npstat.Peak2D_hessian_get, _npstat.Peak2D_hessian_set)
valid = property(_npstat.Peak2D_valid_get, _npstat.Peak2D_valid_set)
inside = property(_npstat.Peak2D_inside_get, _npstat.Peak2D_inside_set)
__swig_destroy__ = _npstat.delete_Peak2D
# Register Peak2D in _npstat:
_npstat.Peak2D_swigregister(Peak2D)
def findPeak3by3(gridValues: "double const [3][3]", peak: "Peak2D") -> "bool":
return _npstat.findPeak3by3(gridValues, peak)
def findPeak5by5(gridValues: "double const [5][5]", peak: "Peak2D") -> "bool":
return _npstat.findPeak5by5(gridValues, peak)
class AbsMultivariateFunctor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsMultivariateFunctor
def __call__(self, point: "double const *") -> "double":
return _npstat.AbsMultivariateFunctor___call__(self, point)
def minDim(self) -> "unsigned int":
return _npstat.AbsMultivariateFunctor_minDim(self)
def maxDim(self) -> "unsigned int":
return _npstat.AbsMultivariateFunctor_maxDim(self)
# Register AbsMultivariateFunctor in _npstat:
_npstat.AbsMultivariateFunctor_swigregister(AbsMultivariateFunctor)
def rectangleIntegralCenterAndSize(f: "AbsMultivariateFunctor", rectangleCenter: "double const *", rectangleSize: "double const *", dim: "unsigned int", integrationPoints: "unsigned int") -> "double":
return _npstat.rectangleIntegralCenterAndSize(f, rectangleCenter, rectangleSize, dim, integrationPoints)
class DoubleFunctor0(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleFunctor0
def __call__(self) -> "double":
return _npstat.DoubleFunctor0___call__(self)
# Register DoubleFunctor0 in _npstat:
_npstat.DoubleFunctor0_swigregister(DoubleFunctor0)
class DoubleFunctor1(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleFunctor1
def __call__(self, arg2: "double const &") -> "double":
return _npstat.DoubleFunctor1___call__(self, arg2)
# Register DoubleFunctor1 in _npstat:
_npstat.DoubleFunctor1_swigregister(DoubleFunctor1)
class DoubleFunctor2(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleFunctor2
def __call__(self, arg2: "double const &", arg3: "double const &") -> "double":
return _npstat.DoubleFunctor2___call__(self, arg2, arg3)
# Register DoubleFunctor2 in _npstat:
_npstat.DoubleFunctor2_swigregister(DoubleFunctor2)
class DoubleFunctor3(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleFunctor3
def __call__(self, arg2: "double const &", arg3: "double const &", arg4: "double const &") -> "double":
return _npstat.DoubleFunctor3___call__(self, arg2, arg3, arg4)
# Register DoubleFunctor3 in _npstat:
_npstat.DoubleFunctor3_swigregister(DoubleFunctor3)
class DoublePairFunctor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoublePairFunctor
def __call__(self, arg2: "double const &") -> "std::pair< double,double >":
return _npstat.DoublePairFunctor___call__(self, arg2)
# Register DoublePairFunctor in _npstat:
_npstat.DoublePairFunctor_swigregister(DoublePairFunctor)
class DoubleFunctor0RefHelper(DoubleFunctor0):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, ref: "DoubleFunctor0"):
_npstat.DoubleFunctor0RefHelper_swiginit(self, _npstat.new_DoubleFunctor0RefHelper(ref))
__swig_destroy__ = _npstat.delete_DoubleFunctor0RefHelper
def __call__(self) -> "double":
return _npstat.DoubleFunctor0RefHelper___call__(self)
# Register DoubleFunctor0RefHelper in _npstat:
_npstat.DoubleFunctor0RefHelper_swigregister(DoubleFunctor0RefHelper)
class DoubleFunctor1RefHelper(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, ref: "DoubleFunctor1"):
_npstat.DoubleFunctor1RefHelper_swiginit(self, _npstat.new_DoubleFunctor1RefHelper(ref))
__swig_destroy__ = _npstat.delete_DoubleFunctor1RefHelper
def __call__(self, x1: "double const &") -> "double":
return _npstat.DoubleFunctor1RefHelper___call__(self, x1)
# Register DoubleFunctor1RefHelper in _npstat:
_npstat.DoubleFunctor1RefHelper_swigregister(DoubleFunctor1RefHelper)
class DoubleFunctor2RefHelper(DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, ref: "DoubleFunctor2"):
_npstat.DoubleFunctor2RefHelper_swiginit(self, _npstat.new_DoubleFunctor2RefHelper(ref))
__swig_destroy__ = _npstat.delete_DoubleFunctor2RefHelper
def __call__(self, x1: "double const &", x2: "double const &") -> "double":
return _npstat.DoubleFunctor2RefHelper___call__(self, x1, x2)
# Register DoubleFunctor2RefHelper in _npstat:
_npstat.DoubleFunctor2RefHelper_swigregister(DoubleFunctor2RefHelper)
class DoubleFunctor3RefHelper(DoubleFunctor3):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, ref: "DoubleFunctor3"):
_npstat.DoubleFunctor3RefHelper_swiginit(self, _npstat.new_DoubleFunctor3RefHelper(ref))
__swig_destroy__ = _npstat.delete_DoubleFunctor3RefHelper
def __call__(self, x1: "double const &", x2: "double const &", x3: "double const &") -> "double":
return _npstat.DoubleFunctor3RefHelper___call__(self, x1, x2, x3)
# Register DoubleFunctor3RefHelper in _npstat:
_npstat.DoubleFunctor3RefHelper_swigregister(DoubleFunctor3RefHelper)
class DoublePairFunctorRefHelper(DoublePairFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, ref: "DoublePairFunctor"):
_npstat.DoublePairFunctorRefHelper_swiginit(self, _npstat.new_DoublePairFunctorRefHelper(ref))
__swig_destroy__ = _npstat.delete_DoublePairFunctorRefHelper
def __call__(self, c: "double const &") -> "std::pair< double,double >":
return _npstat.DoublePairFunctorRefHelper___call__(self, c)
# Register DoublePairFunctorRefHelper in _npstat:
_npstat.DoublePairFunctorRefHelper_swigregister(DoublePairFunctorRefHelper)
def Functor0Ref(ref: "DoubleFunctor0") -> "npstat::Functor0RefHelper< double >":
return _npstat.Functor0Ref(ref)
def Functor1Ref(ref: "DoubleFunctor1") -> "npstat::Functor1RefHelper< double,double >":
return _npstat.Functor1Ref(ref)
def Functor2Ref(ref: "DoubleFunctor2") -> "npstat::Functor2RefHelper< double,double,double >":
return _npstat.Functor2Ref(ref)
def Functor3Ref(ref: "DoubleFunctor3") -> "npstat::Functor3RefHelper< double,double,double,double >":
return _npstat.Functor3Ref(ref)
def PairFunctorRef(ref: "DoublePairFunctor") -> "npstat::PairFunctorRefHelper< double >":
return _npstat.PairFunctorRef(ref)
class DoubleSame(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleSame
def __call__(self, a: "double const &") -> "double":
return _npstat.DoubleSame___call__(self, a)
def __eq__(self, arg2: "DoubleSame") -> "bool":
return _npstat.DoubleSame___eq__(self, arg2)
def __ne__(self, arg2: "DoubleSame") -> "bool":
return _npstat.DoubleSame___ne__(self, arg2)
def __init__(self):
_npstat.DoubleSame_swiginit(self, _npstat.new_DoubleSame())
# Register DoubleSame in _npstat:
_npstat.DoubleSame_swigregister(DoubleSame)
class DoubleShift(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, v: "double const &"):
_npstat.DoubleShift_swiginit(self, _npstat.new_DoubleShift(v))
__swig_destroy__ = _npstat.delete_DoubleShift
def __call__(self, a: "double const &") -> "double":
return _npstat.DoubleShift___call__(self, a)
def __eq__(self, r: "DoubleShift") -> "bool":
return _npstat.DoubleShift___eq__(self, r)
def __ne__(self, r: "DoubleShift") -> "bool":
return _npstat.DoubleShift___ne__(self, r)
# Register DoubleShift in _npstat:
_npstat.DoubleShift_swigregister(DoubleShift)
class DoubleConstValue0(DoubleFunctor0):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, v: "double const &"):
_npstat.DoubleConstValue0_swiginit(self, _npstat.new_DoubleConstValue0(v))
__swig_destroy__ = _npstat.delete_DoubleConstValue0
def __call__(self) -> "double":
return _npstat.DoubleConstValue0___call__(self)
def __eq__(self, r: "DoubleConstValue0") -> "bool":
return _npstat.DoubleConstValue0___eq__(self, r)
def __ne__(self, r: "DoubleConstValue0") -> "bool":
return _npstat.DoubleConstValue0___ne__(self, r)
# Register DoubleConstValue0 in _npstat:
_npstat.DoubleConstValue0_swigregister(DoubleConstValue0)
class DoubleConstValue1(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, v: "double const &"):
_npstat.DoubleConstValue1_swiginit(self, _npstat.new_DoubleConstValue1(v))
__swig_destroy__ = _npstat.delete_DoubleConstValue1
def __call__(self, arg2: "double const &") -> "double":
return _npstat.DoubleConstValue1___call__(self, arg2)
def __eq__(self, r: "DoubleConstValue1") -> "bool":
return _npstat.DoubleConstValue1___eq__(self, r)
def __ne__(self, r: "DoubleConstValue1") -> "bool":
return _npstat.DoubleConstValue1___ne__(self, r)
# Register DoubleConstValue1 in _npstat:
_npstat.DoubleConstValue1_swigregister(DoubleConstValue1)
class DoubleConstValue2(DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, v: "double const &"):
_npstat.DoubleConstValue2_swiginit(self, _npstat.new_DoubleConstValue2(v))
__swig_destroy__ = _npstat.delete_DoubleConstValue2
def __call__(self, arg2: "double const &", arg3: "double const &") -> "double":
return _npstat.DoubleConstValue2___call__(self, arg2, arg3)
def __eq__(self, r: "DoubleConstValue2") -> "bool":
return _npstat.DoubleConstValue2___eq__(self, r)
def __ne__(self, r: "DoubleConstValue2") -> "bool":
return _npstat.DoubleConstValue2___ne__(self, r)
# Register DoubleConstValue2 in _npstat:
_npstat.DoubleConstValue2_swigregister(DoubleConstValue2)
class DoubleConstValue3(DoubleFunctor3):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, v: "double const &"):
_npstat.DoubleConstValue3_swiginit(self, _npstat.new_DoubleConstValue3(v))
__swig_destroy__ = _npstat.delete_DoubleConstValue3
def __call__(self, arg2: "double const &", arg3: "double const &", arg4: "double const &") -> "double":
return _npstat.DoubleConstValue3___call__(self, arg2, arg3, arg4)
def __eq__(self, r: "DoubleConstValue3") -> "bool":
return _npstat.DoubleConstValue3___eq__(self, r)
def __ne__(self, r: "DoubleConstValue3") -> "bool":
return _npstat.DoubleConstValue3___ne__(self, r)
# Register DoubleConstValue3 in _npstat:
_npstat.DoubleConstValue3_swigregister(DoubleConstValue3)
class DoubleFcnFunctor0(DoubleFunctor0):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "double (*)()"):
_npstat.DoubleFcnFunctor0_swiginit(self, _npstat.new_DoubleFcnFunctor0(fcn))
__swig_destroy__ = _npstat.delete_DoubleFcnFunctor0
def __call__(self) -> "double":
return _npstat.DoubleFcnFunctor0___call__(self)
def __eq__(self, r: "DoubleFcnFunctor0") -> "bool":
return _npstat.DoubleFcnFunctor0___eq__(self, r)
def __ne__(self, r: "DoubleFcnFunctor0") -> "bool":
return _npstat.DoubleFcnFunctor0___ne__(self, r)
# Register DoubleFcnFunctor0 in _npstat:
_npstat.DoubleFcnFunctor0_swigregister(DoubleFcnFunctor0)
class DoubleFcnFunctor1(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "double (*)(double)"):
_npstat.DoubleFcnFunctor1_swiginit(self, _npstat.new_DoubleFcnFunctor1(fcn))
__swig_destroy__ = _npstat.delete_DoubleFcnFunctor1
def __call__(self, a: "double const &") -> "double":
return _npstat.DoubleFcnFunctor1___call__(self, a)
def __eq__(self, r: "DoubleFcnFunctor1") -> "bool":
return _npstat.DoubleFcnFunctor1___eq__(self, r)
def __ne__(self, r: "DoubleFcnFunctor1") -> "bool":
return _npstat.DoubleFcnFunctor1___ne__(self, r)
# Register DoubleFcnFunctor1 in _npstat:
_npstat.DoubleFcnFunctor1_swigregister(DoubleFcnFunctor1)
class DoubleFcnFunctor2(DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "double (*)(double,double)"):
_npstat.DoubleFcnFunctor2_swiginit(self, _npstat.new_DoubleFcnFunctor2(fcn))
__swig_destroy__ = _npstat.delete_DoubleFcnFunctor2
def __call__(self, x: "double const &", y: "double const &") -> "double":
return _npstat.DoubleFcnFunctor2___call__(self, x, y)
def __eq__(self, r: "DoubleFcnFunctor2") -> "bool":
return _npstat.DoubleFcnFunctor2___eq__(self, r)
def __ne__(self, r: "DoubleFcnFunctor2") -> "bool":
return _npstat.DoubleFcnFunctor2___ne__(self, r)
# Register DoubleFcnFunctor2 in _npstat:
_npstat.DoubleFcnFunctor2_swigregister(DoubleFcnFunctor2)
class DoubleFcnFunctor3(DoubleFunctor3):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "double (*)(double,double,double)"):
_npstat.DoubleFcnFunctor3_swiginit(self, _npstat.new_DoubleFcnFunctor3(fcn))
__swig_destroy__ = _npstat.delete_DoubleFcnFunctor3
def __call__(self, x: "double const &", y: "double const &", z: "double const &") -> "double":
return _npstat.DoubleFcnFunctor3___call__(self, x, y, z)
def __eq__(self, r: "DoubleFcnFunctor3") -> "bool":
return _npstat.DoubleFcnFunctor3___eq__(self, r)
def __ne__(self, r: "DoubleFcnFunctor3") -> "bool":
return _npstat.DoubleFcnFunctor3___ne__(self, r)
# Register DoubleFcnFunctor3 in _npstat:
_npstat.DoubleFcnFunctor3_swigregister(DoubleFcnFunctor3)
class DoubleSquareRoot(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleSquareRoot
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleSquareRoot___call__(self, x)
def __init__(self):
_npstat.DoubleSquareRoot_swiginit(self, _npstat.new_DoubleSquareRoot())
# Register DoubleSquareRoot in _npstat:
_npstat.DoubleSquareRoot_swigregister(DoubleSquareRoot)
class DoubleInverseSquareRoot(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleInverseSquareRoot
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleInverseSquareRoot___call__(self, x)
def __init__(self):
_npstat.DoubleInverseSquareRoot_swiginit(self, _npstat.new_DoubleInverseSquareRoot())
# Register DoubleInverseSquareRoot in _npstat:
_npstat.DoubleInverseSquareRoot_swigregister(DoubleInverseSquareRoot)
class LDoubleFunctor1(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LDoubleFunctor1
def __call__(self, arg2: "long double const &") -> "long double":
return _npstat.LDoubleFunctor1___call__(self, arg2)
# Register LDoubleFunctor1 in _npstat:
_npstat.LDoubleFunctor1_swigregister(LDoubleFunctor1)
class DoubleMultiplyByConstHelper(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "DoubleFunctor1", factor: "double const &"):
_npstat.DoubleMultiplyByConstHelper_swiginit(self, _npstat.new_DoubleMultiplyByConstHelper(fcn, factor))
__swig_destroy__ = _npstat.delete_DoubleMultiplyByConstHelper
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleMultiplyByConstHelper___call__(self, x)
# Register DoubleMultiplyByConstHelper in _npstat:
_npstat.DoubleMultiplyByConstHelper_swigregister(DoubleMultiplyByConstHelper)
def MultiplyByConst(fcn: "DoubleFunctor1", factor: "double const &") -> "npstat::MultiplyByConstHelper< double,double >":
return _npstat.MultiplyByConst(fcn, factor)
class SemiInfGaussianQuadrature(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
interval_quadrature = _npstat.SemiInfGaussianQuadrature_interval_quadrature
def __init__(self, npoints: "unsigned int"):
_npstat.SemiInfGaussianQuadrature_swiginit(self, _npstat.new_SemiInfGaussianQuadrature(npoints))
def npoints(self) -> "unsigned int":
return _npstat.SemiInfGaussianQuadrature_npoints(self)
@staticmethod
def isAllowed(npoints: "unsigned int") -> "bool":
return _npstat.SemiInfGaussianQuadrature_isAllowed(npoints)
@staticmethod
def allowedNPonts() -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.SemiInfGaussianQuadrature_allowedNPonts()
@staticmethod
def minimalExactRule(polyDegree: "unsigned int") -> "unsigned int":
return _npstat.SemiInfGaussianQuadrature_minimalExactRule(polyDegree)
def getAllAbscissae(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.SemiInfGaussianQuadrature_getAllAbscissae(self)
def getAllWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.SemiInfGaussianQuadrature_getAllWeights(self)
def integrate(self, fcn: "DoubleFunctor1") -> "long double":
return _npstat.SemiInfGaussianQuadrature_integrate(self, fcn)
def integrateProb(self, sigma: "long double", fcn: "DoubleFunctor1") -> "long double":
return _npstat.SemiInfGaussianQuadrature_integrateProb(self, sigma, fcn)
__swig_destroy__ = _npstat.delete_SemiInfGaussianQuadrature
# Register SemiInfGaussianQuadrature in _npstat:
_npstat.SemiInfGaussianQuadrature_swigregister(SemiInfGaussianQuadrature)
def SemiInfGaussianQuadrature_isAllowed(npoints: "unsigned int") -> "bool":
return _npstat.SemiInfGaussianQuadrature_isAllowed(npoints)
def SemiInfGaussianQuadrature_allowedNPonts() -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.SemiInfGaussianQuadrature_allowedNPonts()
def SemiInfGaussianQuadrature_minimalExactRule(polyDegree: "unsigned int") -> "unsigned int":
return _npstat.SemiInfGaussianQuadrature_minimalExactRule(polyDegree)
class AbsIntervalQuadrature1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsIntervalQuadrature1D
def npoints(self) -> "unsigned int":
return _npstat.AbsIntervalQuadrature1D_npoints(self)
def getAllAbscissae(self, absc: "long double *", len: "unsigned int") -> "void":
return _npstat.AbsIntervalQuadrature1D_getAllAbscissae(self, absc, len)
def getAllWeights(self, weights: "long double *", len: "unsigned int") -> "void":
return _npstat.AbsIntervalQuadrature1D_getAllWeights(self, weights, len)
# Register AbsIntervalQuadrature1D in _npstat:
_npstat.AbsIntervalQuadrature1D_swigregister(AbsIntervalQuadrature1D)
class GaussLegendreQuadrature(AbsIntervalQuadrature1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
interval_quadrature = _npstat.GaussLegendreQuadrature_interval_quadrature
def __init__(self, npoints: "unsigned int"):
_npstat.GaussLegendreQuadrature_swiginit(self, _npstat.new_GaussLegendreQuadrature(npoints))
__swig_destroy__ = _npstat.delete_GaussLegendreQuadrature
def npoints(self) -> "unsigned int":
return _npstat.GaussLegendreQuadrature_npoints(self)
@staticmethod
def isAllowed(npoints: "unsigned int") -> "bool":
return _npstat.GaussLegendreQuadrature_isAllowed(npoints)
@staticmethod
def allowedNPonts() -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.GaussLegendreQuadrature_allowedNPonts()
@staticmethod
def minimalExactRule(polyDegree: "unsigned int") -> "unsigned int":
return _npstat.GaussLegendreQuadrature_minimalExactRule(polyDegree)
def getAbscissae(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.GaussLegendreQuadrature_getAbscissae(self)
def getWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.GaussLegendreQuadrature_getWeights(self)
def getAllAbscissae(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.GaussLegendreQuadrature_getAllAbscissae(self)
def getAllWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.GaussLegendreQuadrature_getAllWeights(self)
def integrate(self, *args) -> "long double":
return _npstat.GaussLegendreQuadrature_integrate(self, *args)
# Register GaussLegendreQuadrature in _npstat:
_npstat.GaussLegendreQuadrature_swigregister(GaussLegendreQuadrature)
def GaussLegendreQuadrature_isAllowed(npoints: "unsigned int") -> "bool":
return _npstat.GaussLegendreQuadrature_isAllowed(npoints)
def GaussLegendreQuadrature_allowedNPonts() -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.GaussLegendreQuadrature_allowedNPonts()
def GaussLegendreQuadrature_minimalExactRule(polyDegree: "unsigned int") -> "unsigned int":
return _npstat.GaussLegendreQuadrature_minimalExactRule(polyDegree)
class DiscreteBernsteinPoly1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, degree: "unsigned int", gridLength: "unsigned int"):
_npstat.DiscreteBernsteinPoly1D_swiginit(self, _npstat.new_DiscreteBernsteinPoly1D(degree, gridLength))
def gridLength(self) -> "unsigned int":
return _npstat.DiscreteBernsteinPoly1D_gridLength(self)
def degree(self) -> "unsigned int":
return _npstat.DiscreteBernsteinPoly1D_degree(self)
def poly(self, polyNumber: "unsigned int", gridIndex: "unsigned int") -> "double":
return _npstat.DiscreteBernsteinPoly1D_poly(self, polyNumber, gridIndex)
def derivative(self, polyNumber: "unsigned int", gridIndex: "unsigned int") -> "double":
return _npstat.DiscreteBernsteinPoly1D_derivative(self, polyNumber, gridIndex)
__swig_destroy__ = _npstat.delete_DiscreteBernsteinPoly1D
# Register DiscreteBernsteinPoly1D in _npstat:
_npstat.DiscreteBernsteinPoly1D_swigregister(DiscreteBernsteinPoly1D)
class DiscreteBeta1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, effectiveDegree: "double", gridLength: "unsigned int"):
_npstat.DiscreteBeta1D_swiginit(self, _npstat.new_DiscreteBeta1D(effectiveDegree, gridLength))
def gridLength(self) -> "unsigned int":
return _npstat.DiscreteBeta1D_gridLength(self)
def degree(self) -> "double":
return _npstat.DiscreteBeta1D_degree(self)
def poly(self, effectivePolyNumber: "double", gridIndex: "unsigned int") -> "double":
return _npstat.DiscreteBeta1D_poly(self, effectivePolyNumber, gridIndex)
def derivative(self, effectivePolyNumber: "double", gridIndex: "unsigned int") -> "double":
return _npstat.DiscreteBeta1D_derivative(self, effectivePolyNumber, gridIndex)
__swig_destroy__ = _npstat.delete_DiscreteBeta1D
# Register DiscreteBeta1D in _npstat:
_npstat.DiscreteBeta1D_swigregister(DiscreteBeta1D)
class ClassId(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ClassId_swiginit(self, _npstat.new_ClassId(*args))
def name(self) -> "std::string const &":
return _npstat.ClassId_name(self)
def version(self) -> "unsigned int":
return _npstat.ClassId_version(self)
def isPointer(self) -> "bool":
return _npstat.ClassId_isPointer(self)
def id(self) -> "std::string const &":
return _npstat.ClassId_id(self)
def isTemplate(self) -> "bool":
return _npstat.ClassId_isTemplate(self)
def write(self, of: "ostream") -> "bool":
return _npstat.ClassId_write(self, of)
def __eq__(self, r: "ClassId") -> "bool":
return _npstat.ClassId___eq__(self, r)
def __ne__(self, r: "ClassId") -> "bool":
return _npstat.ClassId___ne__(self, r)
def __lt__(self, r: "ClassId") -> "bool":
return _npstat.ClassId___lt__(self, r)
def __gt__(self, r: "ClassId") -> "bool":
return _npstat.ClassId___gt__(self, r)
def setVersion(self, newVersion: "unsigned int") -> "void":
return _npstat.ClassId_setVersion(self, newVersion)
def ensureSameId(self, id: "ClassId") -> "void":
return _npstat.ClassId_ensureSameId(self, id)
def ensureSameName(self, id: "ClassId") -> "void":
return _npstat.ClassId_ensureSameName(self, id)
def ensureSameVersion(self, id: "ClassId") -> "void":
return _npstat.ClassId_ensureSameVersion(self, id)
def ensureVersionInRange(self, min: "unsigned int", max: "unsigned int") -> "void":
return _npstat.ClassId_ensureVersionInRange(self, min, max)
@staticmethod
def invalidId() -> "gs::ClassId":
return _npstat.ClassId_invalidId()
__swig_destroy__ = _npstat.delete_ClassId
# Register ClassId in _npstat:
_npstat.ClassId_swigregister(ClassId)
def ClassId_invalidId() -> "gs::ClassId":
return _npstat.ClassId_invalidId()
class SameClassId(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
@staticmethod
def compatible(id1: "ClassId", id2: "ClassId") -> "bool":
return _npstat.SameClassId_compatible(id1, id2)
def __init__(self):
_npstat.SameClassId_swiginit(self, _npstat.new_SameClassId())
__swig_destroy__ = _npstat.delete_SameClassId
# Register SameClassId in _npstat:
_npstat.SameClassId_swigregister(SameClassId)
def SameClassId_compatible(id1: "ClassId", id2: "ClassId") -> "bool":
return _npstat.SameClassId_compatible(id1, id2)
class SameClassName(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
@staticmethod
def compatible(id1: "ClassId", id2: "ClassId") -> "bool":
return _npstat.SameClassName_compatible(id1, id2)
def __init__(self):
_npstat.SameClassName_swiginit(self, _npstat.new_SameClassName())
__swig_destroy__ = _npstat.delete_SameClassName
# Register SameClassName in _npstat:
_npstat.SameClassName_swigregister(SameClassName)
def SameClassName_compatible(id1: "ClassId", id2: "ClassId") -> "bool":
return _npstat.SameClassName_compatible(id1, id2)
class ItemDescriptor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ItemDescriptor_swiginit(self, _npstat.new_ItemDescriptor(*args))
__swig_destroy__ = _npstat.delete_ItemDescriptor
def type(self) -> "gs::ClassId const &":
return _npstat.ItemDescriptor_type(self)
def ioPrototype(self) -> "std::string const &":
return _npstat.ItemDescriptor_ioPrototype(self)
def name(self) -> "std::string const &":
return _npstat.ItemDescriptor_name(self)
def category(self) -> "std::string const &":
return _npstat.ItemDescriptor_category(self)
def nameAndCategory(self) -> "std::pair< std::string,std::string > const &":
return _npstat.ItemDescriptor_nameAndCategory(self)
def __eq__(self, r: "ItemDescriptor") -> "bool":
return _npstat.ItemDescriptor___eq__(self, r)
def __ne__(self, r: "ItemDescriptor") -> "bool":
return _npstat.ItemDescriptor___ne__(self, r)
def isSameClassIdandIO(self, r: "ItemDescriptor") -> "bool":
return _npstat.ItemDescriptor_isSameClassIdandIO(self, r)
def isSameIOPrototype(self, r: "ItemDescriptor") -> "bool":
return _npstat.ItemDescriptor_isSameIOPrototype(self, r)
def getName(self) -> "std::string":
return _npstat.ItemDescriptor_getName(self)
def getCategory(self) -> "std::string":
return _npstat.ItemDescriptor_getCategory(self)
# Register ItemDescriptor in _npstat:
_npstat.ItemDescriptor_swigregister(ItemDescriptor)
class AbsRecord(ItemDescriptor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsRecord
def id(self) -> "unsigned long long":
return _npstat.AbsRecord_id(self)
def itemLength(self) -> "unsigned long long":
return _npstat.AbsRecord_itemLength(self)
# Register AbsRecord in _npstat:
_npstat.AbsRecord_swigregister(AbsRecord)
class SearchSpecifier(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.SearchSpecifier_swiginit(self, _npstat.new_SearchSpecifier(*args))
def useRegex(self) -> "bool":
return _npstat.SearchSpecifier_useRegex(self)
def pattern(self) -> "std::string const &":
return _npstat.SearchSpecifier_pattern(self)
def matches(self, sentence: "string") -> "bool":
return _npstat.SearchSpecifier_matches(self, sentence)
def getPattern(self) -> "std::string":
return _npstat.SearchSpecifier_getPattern(self)
__swig_destroy__ = _npstat.delete_SearchSpecifier
# Register SearchSpecifier in _npstat:
_npstat.SearchSpecifier_swigregister(SearchSpecifier)
class AbsReference(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsReference
def archive(self) -> "gs::AbsArchive &":
return _npstat.AbsReference_archive(self)
def type(self) -> "gs::ClassId const &":
return _npstat.AbsReference_type(self)
def ioPrototype(self) -> "std::string const &":
return _npstat.AbsReference_ioPrototype(self)
def namePattern(self) -> "gs::SearchSpecifier const &":
return _npstat.AbsReference_namePattern(self)
def categoryPattern(self) -> "gs::SearchSpecifier const &":
return _npstat.AbsReference_categoryPattern(self)
def isIOCompatible(self, r: "CatalogEntry") -> "bool":
return _npstat.AbsReference_isIOCompatible(self, r)
def isSameIOPrototype(self, r: "CatalogEntry") -> "bool":
return _npstat.AbsReference_isSameIOPrototype(self, r)
def empty(self) -> "bool":
return _npstat.AbsReference_empty(self)
def unique(self) -> "bool":
return _npstat.AbsReference_unique(self)
def size(self) -> "unsigned long":
return _npstat.AbsReference_size(self)
def id(self, index: "unsigned long") -> "unsigned long long":
return _npstat.AbsReference_id(self, index)
def indexedCatalogEntry(self, index: "unsigned long") -> "CPP11_shared_ptr< gs::CatalogEntry const >":
return _npstat.AbsReference_indexedCatalogEntry(self, index)
# Register AbsReference in _npstat:
_npstat.AbsReference_swigregister(AbsReference)
EIGEN_SIMPLE = _npstat.EIGEN_SIMPLE
EIGEN_D_AND_C = _npstat.EIGEN_D_AND_C
EIGEN_RRR = _npstat.EIGEN_RRR
def parseEigenMethod(methodName: "char const *") -> "npstat::EigenMethod":
return _npstat.parseEigenMethod(methodName)
def eigenMethodName(m: "npstat::EigenMethod") -> "char const *":
return _npstat.eigenMethodName(m)
def validEigenMethodNames() -> "std::string":
return _npstat.validEigenMethodNames()
SVD_SIMPLE = _npstat.SVD_SIMPLE
SVD_D_AND_C = _npstat.SVD_D_AND_C
def parseSvdMethod(methodName: "char const *") -> "npstat::SvdMethod":
return _npstat.parseSvdMethod(methodName)
def svdMethodName(m: "npstat::SvdMethod") -> "char const *":
return _npstat.svdMethodName(m)
def validSvdMethodNames() -> "std::string":
return _npstat.validSvdMethodNames()
class FloatMatrix(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatMatrix_swiginit(self, _npstat.new_FloatMatrix(*args))
__swig_destroy__ = _npstat.delete_FloatMatrix
def tagAsDiagonal(self, b: "bool"=True) -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix_tagAsDiagonal(self, b)
def nRows(self) -> "unsigned int":
return _npstat.FloatMatrix_nRows(self)
def nColumns(self) -> "unsigned int":
return _npstat.FloatMatrix_nColumns(self)
def length(self) -> "unsigned long":
return _npstat.FloatMatrix_length(self)
def data(self) -> "float *":
return _npstat.FloatMatrix_data(self)
def isSquare(self) -> "bool":
return _npstat.FloatMatrix_isSquare(self)
def isSymmetric(self) -> "bool":
return _npstat.FloatMatrix_isSymmetric(self)
def isAntiSymmetric(self) -> "bool":
return _npstat.FloatMatrix_isAntiSymmetric(self)
def isDiagonal(self) -> "bool":
return _npstat.FloatMatrix_isDiagonal(self)
def isMainDiagonal(self) -> "bool":
return _npstat.FloatMatrix_isMainDiagonal(self)
def isZero(self) -> "bool":
return _npstat.FloatMatrix_isZero(self)
def uninitialize(self) -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix_uninitialize(self)
def isCompatible(self, other: "FloatMatrix") -> "bool":
return _npstat.FloatMatrix_isCompatible(self, other)
def resize(self, nrows: "unsigned int", ncols: "unsigned int") -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix_resize(self, nrows, ncols)
def zeroOut(self) -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix_zeroOut(self)
def clearMainDiagonal(self) -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix_clearMainDiagonal(self)
def makeDiagonal(self) -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix_makeDiagonal(self)
def constFill(self, c: "float") -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix_constFill(self, c)
def Tthis(self) -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix_Tthis(self)
def __eq__(self, arg2: "FloatMatrix") -> "bool":
return _npstat.FloatMatrix___eq__(self, arg2)
def __ne__(self, arg2: "FloatMatrix") -> "bool":
return _npstat.FloatMatrix___ne__(self, arg2)
def set(self, row: "unsigned int", column: "unsigned int", value: "float") -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix_set(self, row, column, value)
def __call__(self, row: "unsigned int", column: "unsigned int") -> "float":
return _npstat.FloatMatrix___call__(self, row, column)
def rowSum(self, row: "unsigned int") -> "float":
return _npstat.FloatMatrix_rowSum(self, row)
def columnSum(self, column: "unsigned int") -> "float":
return _npstat.FloatMatrix_columnSum(self, column)
def removeRowAndColumn(self, row: "unsigned int", column: "unsigned int") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_removeRowAndColumn(self, row, column)
def nonZeros(self) -> "unsigned int":
return _npstat.FloatMatrix_nonZeros(self)
def coarseSum(self, n: "unsigned int", m: "unsigned int", result: "FloatMatrix") -> "void":
return _npstat.FloatMatrix_coarseSum(self, n, m, result)
def coarseAverage(self, n: "unsigned int", m: "unsigned int", result: "FloatMatrix") -> "void":
return _npstat.FloatMatrix_coarseAverage(self, n, m, result)
def __pos__(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix___pos__(self)
def __neg__(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix___neg__(self)
def __mul__(self, *args) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix___mul__(self, *args)
def __truediv__(self, *args):
return _npstat.FloatMatrix___truediv__(self, *args)
__div__ = __truediv__
def __add__(self, r: "FloatMatrix") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix___add__(self, r)
def __sub__(self, r: "FloatMatrix") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix___sub__(self, r)
def hadamardProduct(self, r: "FloatMatrix") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_hadamardProduct(self, r)
def hadamardRatio(self, denominator: "FloatMatrix") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_hadamardRatio(self, denominator)
def times(self, *args) -> "void":
return _npstat.FloatMatrix_times(self, *args)
def over(self, r: "float", result: "FloatMatrix") -> "void":
return _npstat.FloatMatrix_over(self, r, result)
def plus(self, r: "FloatMatrix", result: "FloatMatrix") -> "void":
return _npstat.FloatMatrix_plus(self, r, result)
def minus(self, r: "FloatMatrix", result: "FloatMatrix") -> "void":
return _npstat.FloatMatrix_minus(self, r, result)
def __imul__(self, r: "float") -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.FloatMatrix___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, r: "FloatMatrix") -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix___iadd__(self, r)
def __isub__(self, r: "FloatMatrix") -> "npstat::Matrix< float > &":
return _npstat.FloatMatrix___isub__(self, r)
def bilinearT(self, r: "FloatMatrix") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_bilinearT(self, r)
def solveLinearSystems(self, RHS: "FloatMatrix", X: "FloatMatrix") -> "bool":
return _npstat.FloatMatrix_solveLinearSystems(self, RHS, X)
def underdeterminedLinearSystem(self, rhs: "float const *", lenRhs: "unsigned int", V: "FloatMatrix", solution: "float *", lenSolution: "unsigned int", resultNormSquared: "float *"=None, A: "FloatMatrix"=None) -> "bool":
return _npstat.FloatMatrix_underdeterminedLinearSystem(self, rhs, lenRhs, V, solution, lenSolution, resultNormSquared, A)
def linearLeastSquares(self, rhs: "float const *", lenRhs: "unsigned int", solution: "float *", lenSolution: "unsigned int") -> "bool":
return _npstat.FloatMatrix_linearLeastSquares(self, rhs, lenRhs, solution, lenSolution)
def constrainedLeastSquares(self, rhs1: "float const *", lenRhs1: "unsigned int", B: "FloatMatrix", rhs2: "float const *", lenRhs2: "unsigned int", solution: "float *", lenSol: "unsigned int", resultChiSquare: "float *"=None, resultCovarianceMatrix: "FloatMatrix"=None, unconstrainedSolution: "float *"=None, unconstrainedCovmat: "FloatMatrix"=None, projectionMatrix: "FloatMatrix"=None, A: "FloatMatrix"=None) -> "bool":
return _npstat.FloatMatrix_constrainedLeastSquares(self, rhs1, lenRhs1, B, rhs2, lenRhs2, solution, lenSol, resultChiSquare, resultCovarianceMatrix, unconstrainedSolution, unconstrainedCovmat, projectionMatrix, A)
def weightedLeastSquares(self, rhs: "float const *", lenRhs: "unsigned int", inverseCovarianceMatrix: "FloatMatrix", solution: "float *", lenSolution: "unsigned int", resultChiSquare: "float *"=None, resultCovarianceMatrix: "FloatMatrix"=None) -> "bool":
return _npstat.FloatMatrix_weightedLeastSquares(self, rhs, lenRhs, inverseCovarianceMatrix, solution, lenSolution, resultChiSquare, resultCovarianceMatrix)
def T(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_T(self)
def TtimesThis(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_TtimesThis(self)
def timesT(self, *args) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_timesT(self, *args)
def Ttimes(self, r: "FloatMatrix") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_Ttimes(self, r)
def directSum(self, added: "FloatMatrix") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_directSum(self, added)
def symmetrize(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_symmetrize(self)
def antiSymmetrize(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_antiSymmetrize(self)
def outer(self, r: "FloatMatrix") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_outer(self, r)
def minValue(self) -> "float":
return _npstat.FloatMatrix_minValue(self)
def maxValue(self) -> "float":
return _npstat.FloatMatrix_maxValue(self)
def maxAbsValue(self) -> "float":
return _npstat.FloatMatrix_maxAbsValue(self)
def argmin(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.FloatMatrix_argmin(self)
def argmax(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.FloatMatrix_argmax(self)
def argmaxAbs(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.FloatMatrix_argmaxAbs(self)
def frobeniusNorm(self) -> "double":
return _npstat.FloatMatrix_frobeniusNorm(self)
def tr(self) -> "float":
return _npstat.FloatMatrix_tr(self)
def sp(self) -> "float":
return _npstat.FloatMatrix_sp(self)
def productTr(self, r: "FloatMatrix") -> "float":
return _npstat.FloatMatrix_productTr(self, r)
def productSp(self, r: "FloatMatrix") -> "float":
return _npstat.FloatMatrix_productSp(self, r)
def det(self) -> "float":
return _npstat.FloatMatrix_det(self)
def symPDInv(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_symPDInv(self)
def symPDEigenInv(self, *args) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_symPDEigenInv(self, *args)
def symInv(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_symInv(self)
def triDiagInv(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_triDiagInv(self)
def inv(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_inv(self)
def leftInv(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_leftInv(self)
def rightInv(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_rightInv(self)
def tdSymEigen(self, *args) -> "void":
return _npstat.FloatMatrix_tdSymEigen(self, *args)
def svd(self, *args) -> "void":
return _npstat.FloatMatrix_svd(self, *args)
def pow(self, degree: "unsigned int") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_pow(self, degree)
def covarToCorr(self) -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_covarToCorr(self)
def corrToCovar(self, variances: "double const *") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_corrToCovar(self, variances)
def classId(self) -> "gs::ClassId":
return _npstat.FloatMatrix_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatMatrix_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatMatrix_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatMatrix_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", m: "FloatMatrix") -> "void":
return _npstat.FloatMatrix_restore(id, _in, m)
def mainDiagonal(self) -> "std::vector< float,std::allocator< float > >":
return _npstat.FloatMatrix_mainDiagonal(self)
def setData(self, data: "float const *") -> "void":
return _npstat.FloatMatrix_setData(self, data)
def setRow(self, row: "unsigned int", data: "float const *") -> "void":
return _npstat.FloatMatrix_setRow(self, row, data)
def setColumn(self, col: "unsigned int", data: "float const *") -> "void":
return _npstat.FloatMatrix_setColumn(self, col, data)
def timesVector(self, data: "float const *") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_timesVector(self, data)
def rowMultiply(self, data: "float const *") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_rowMultiply(self, data)
def bilinear(self, *args) -> "float":
return _npstat.FloatMatrix_bilinear(self, *args)
def solveLinearSystem(self, data: "float const *") -> "std::vector< float,std::allocator< float > >":
return _npstat.FloatMatrix_solveLinearSystem(self, data)
def symPSDefEffectiveRank(self, *args) -> "std::pair< double,double >":
return _npstat.FloatMatrix_symPSDefEffectiveRank(self, *args)
def symEigenValues(self) -> "std::vector< float,std::allocator< float > >":
return _npstat.FloatMatrix_symEigenValues(self)
def __rmul__(self, r: "float") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix___rmul__(self, r)
def subrange(self, rowMin: "unsigned int", rowMax: "unsigned int", columnMin: "unsigned int", columnMax: "unsigned int") -> "npstat::Matrix< float >":
return _npstat.FloatMatrix_subrange(self, rowMin, rowMax, columnMin, columnMax)
# Register FloatMatrix in _npstat:
_npstat.FloatMatrix_swigregister(FloatMatrix)
def FloatMatrix_classname() -> "char const *":
return _npstat.FloatMatrix_classname()
def FloatMatrix_version() -> "unsigned int":
return _npstat.FloatMatrix_version()
def FloatMatrix_restore(id: "ClassId", _in: "istream", m: "FloatMatrix") -> "void":
return _npstat.FloatMatrix_restore(id, _in, m)
class DoubleMatrix(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleMatrix_swiginit(self, _npstat.new_DoubleMatrix(*args))
__swig_destroy__ = _npstat.delete_DoubleMatrix
def tagAsDiagonal(self, b: "bool"=True) -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix_tagAsDiagonal(self, b)
def nRows(self) -> "unsigned int":
return _npstat.DoubleMatrix_nRows(self)
def nColumns(self) -> "unsigned int":
return _npstat.DoubleMatrix_nColumns(self)
def length(self) -> "unsigned long":
return _npstat.DoubleMatrix_length(self)
def data(self) -> "double *":
return _npstat.DoubleMatrix_data(self)
def isSquare(self) -> "bool":
return _npstat.DoubleMatrix_isSquare(self)
def isSymmetric(self) -> "bool":
return _npstat.DoubleMatrix_isSymmetric(self)
def isAntiSymmetric(self) -> "bool":
return _npstat.DoubleMatrix_isAntiSymmetric(self)
def isDiagonal(self) -> "bool":
return _npstat.DoubleMatrix_isDiagonal(self)
def isMainDiagonal(self) -> "bool":
return _npstat.DoubleMatrix_isMainDiagonal(self)
def isZero(self) -> "bool":
return _npstat.DoubleMatrix_isZero(self)
def uninitialize(self) -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix_uninitialize(self)
def isCompatible(self, other: "DoubleMatrix") -> "bool":
return _npstat.DoubleMatrix_isCompatible(self, other)
def resize(self, nrows: "unsigned int", ncols: "unsigned int") -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix_resize(self, nrows, ncols)
def zeroOut(self) -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix_zeroOut(self)
def clearMainDiagonal(self) -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix_clearMainDiagonal(self)
def makeDiagonal(self) -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix_makeDiagonal(self)
def constFill(self, c: "double") -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix_constFill(self, c)
def Tthis(self) -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix_Tthis(self)
def __eq__(self, arg2: "DoubleMatrix") -> "bool":
return _npstat.DoubleMatrix___eq__(self, arg2)
def __ne__(self, arg2: "DoubleMatrix") -> "bool":
return _npstat.DoubleMatrix___ne__(self, arg2)
def set(self, row: "unsigned int", column: "unsigned int", value: "double") -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix_set(self, row, column, value)
def __call__(self, row: "unsigned int", column: "unsigned int") -> "double":
return _npstat.DoubleMatrix___call__(self, row, column)
def rowSum(self, row: "unsigned int") -> "double":
return _npstat.DoubleMatrix_rowSum(self, row)
def columnSum(self, column: "unsigned int") -> "double":
return _npstat.DoubleMatrix_columnSum(self, column)
def removeRowAndColumn(self, row: "unsigned int", column: "unsigned int") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_removeRowAndColumn(self, row, column)
def nonZeros(self) -> "unsigned int":
return _npstat.DoubleMatrix_nonZeros(self)
def coarseSum(self, n: "unsigned int", m: "unsigned int", result: "DoubleMatrix") -> "void":
return _npstat.DoubleMatrix_coarseSum(self, n, m, result)
def coarseAverage(self, n: "unsigned int", m: "unsigned int", result: "DoubleMatrix") -> "void":
return _npstat.DoubleMatrix_coarseAverage(self, n, m, result)
def __pos__(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix___pos__(self)
def __neg__(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix___neg__(self)
def __mul__(self, *args) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix___mul__(self, *args)
def __truediv__(self, *args):
return _npstat.DoubleMatrix___truediv__(self, *args)
__div__ = __truediv__
def __add__(self, r: "DoubleMatrix") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix___add__(self, r)
def __sub__(self, r: "DoubleMatrix") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix___sub__(self, r)
def hadamardProduct(self, r: "DoubleMatrix") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_hadamardProduct(self, r)
def hadamardRatio(self, denominator: "DoubleMatrix") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_hadamardRatio(self, denominator)
def times(self, *args) -> "void":
return _npstat.DoubleMatrix_times(self, *args)
def over(self, r: "double", result: "DoubleMatrix") -> "void":
return _npstat.DoubleMatrix_over(self, r, result)
def plus(self, r: "DoubleMatrix", result: "DoubleMatrix") -> "void":
return _npstat.DoubleMatrix_plus(self, r, result)
def minus(self, r: "DoubleMatrix", result: "DoubleMatrix") -> "void":
return _npstat.DoubleMatrix_minus(self, r, result)
def __imul__(self, r: "double") -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.DoubleMatrix___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, r: "DoubleMatrix") -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix___iadd__(self, r)
def __isub__(self, r: "DoubleMatrix") -> "npstat::Matrix< double > &":
return _npstat.DoubleMatrix___isub__(self, r)
def bilinearT(self, r: "DoubleMatrix") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_bilinearT(self, r)
def solveLinearSystems(self, RHS: "DoubleMatrix", X: "DoubleMatrix") -> "bool":
return _npstat.DoubleMatrix_solveLinearSystems(self, RHS, X)
def underdeterminedLinearSystem(self, rhs: "double const *", lenRhs: "unsigned int", V: "DoubleMatrix", solution: "double *", lenSolution: "unsigned int", resultNormSquared: "double *"=None, A: "DoubleMatrix"=None) -> "bool":
return _npstat.DoubleMatrix_underdeterminedLinearSystem(self, rhs, lenRhs, V, solution, lenSolution, resultNormSquared, A)
def linearLeastSquares(self, rhs: "double const *", lenRhs: "unsigned int", solution: "double *", lenSolution: "unsigned int") -> "bool":
return _npstat.DoubleMatrix_linearLeastSquares(self, rhs, lenRhs, solution, lenSolution)
def constrainedLeastSquares(self, rhs1: "double const *", lenRhs1: "unsigned int", B: "DoubleMatrix", rhs2: "double const *", lenRhs2: "unsigned int", solution: "double *", lenSol: "unsigned int", resultChiSquare: "double *"=None, resultCovarianceMatrix: "DoubleMatrix"=None, unconstrainedSolution: "double *"=None, unconstrainedCovmat: "DoubleMatrix"=None, projectionMatrix: "DoubleMatrix"=None, A: "DoubleMatrix"=None) -> "bool":
return _npstat.DoubleMatrix_constrainedLeastSquares(self, rhs1, lenRhs1, B, rhs2, lenRhs2, solution, lenSol, resultChiSquare, resultCovarianceMatrix, unconstrainedSolution, unconstrainedCovmat, projectionMatrix, A)
def weightedLeastSquares(self, rhs: "double const *", lenRhs: "unsigned int", inverseCovarianceMatrix: "DoubleMatrix", solution: "double *", lenSolution: "unsigned int", resultChiSquare: "double *"=None, resultCovarianceMatrix: "DoubleMatrix"=None) -> "bool":
return _npstat.DoubleMatrix_weightedLeastSquares(self, rhs, lenRhs, inverseCovarianceMatrix, solution, lenSolution, resultChiSquare, resultCovarianceMatrix)
def T(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_T(self)
def TtimesThis(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_TtimesThis(self)
def timesT(self, *args) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_timesT(self, *args)
def Ttimes(self, r: "DoubleMatrix") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_Ttimes(self, r)
def directSum(self, added: "DoubleMatrix") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_directSum(self, added)
def symmetrize(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_symmetrize(self)
def antiSymmetrize(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_antiSymmetrize(self)
def outer(self, r: "DoubleMatrix") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_outer(self, r)
def minValue(self) -> "double":
return _npstat.DoubleMatrix_minValue(self)
def maxValue(self) -> "double":
return _npstat.DoubleMatrix_maxValue(self)
def maxAbsValue(self) -> "double":
return _npstat.DoubleMatrix_maxAbsValue(self)
def argmin(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.DoubleMatrix_argmin(self)
def argmax(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.DoubleMatrix_argmax(self)
def argmaxAbs(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.DoubleMatrix_argmaxAbs(self)
def frobeniusNorm(self) -> "double":
return _npstat.DoubleMatrix_frobeniusNorm(self)
def tr(self) -> "double":
return _npstat.DoubleMatrix_tr(self)
def sp(self) -> "double":
return _npstat.DoubleMatrix_sp(self)
def productTr(self, r: "DoubleMatrix") -> "double":
return _npstat.DoubleMatrix_productTr(self, r)
def productSp(self, r: "DoubleMatrix") -> "double":
return _npstat.DoubleMatrix_productSp(self, r)
def det(self) -> "double":
return _npstat.DoubleMatrix_det(self)
def symPDInv(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_symPDInv(self)
def symPDEigenInv(self, *args) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_symPDEigenInv(self, *args)
def symInv(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_symInv(self)
def triDiagInv(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_triDiagInv(self)
def inv(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_inv(self)
def leftInv(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_leftInv(self)
def rightInv(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_rightInv(self)
def tdSymEigen(self, *args) -> "void":
return _npstat.DoubleMatrix_tdSymEigen(self, *args)
def svd(self, *args) -> "void":
return _npstat.DoubleMatrix_svd(self, *args)
def pow(self, degree: "unsigned int") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_pow(self, degree)
def covarToCorr(self) -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_covarToCorr(self)
def corrToCovar(self, variances: "double const *") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_corrToCovar(self, variances)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleMatrix_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleMatrix_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleMatrix_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleMatrix_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", m: "DoubleMatrix") -> "void":
return _npstat.DoubleMatrix_restore(id, _in, m)
def mainDiagonal(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleMatrix_mainDiagonal(self)
def setData(self, data: "double const *") -> "void":
return _npstat.DoubleMatrix_setData(self, data)
def setRow(self, row: "unsigned int", data: "double const *") -> "void":
return _npstat.DoubleMatrix_setRow(self, row, data)
def setColumn(self, col: "unsigned int", data: "double const *") -> "void":
return _npstat.DoubleMatrix_setColumn(self, col, data)
def timesVector(self, data: "double const *") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_timesVector(self, data)
def rowMultiply(self, data: "double const *") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_rowMultiply(self, data)
def bilinear(self, *args) -> "double":
return _npstat.DoubleMatrix_bilinear(self, *args)
def solveLinearSystem(self, data: "double const *") -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleMatrix_solveLinearSystem(self, data)
def symPSDefEffectiveRank(self, *args) -> "std::pair< double,double >":
return _npstat.DoubleMatrix_symPSDefEffectiveRank(self, *args)
def symEigenValues(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleMatrix_symEigenValues(self)
def __rmul__(self, r: "double") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix___rmul__(self, r)
def subrange(self, rowMin: "unsigned int", rowMax: "unsigned int", columnMin: "unsigned int", columnMax: "unsigned int") -> "npstat::Matrix< double >":
return _npstat.DoubleMatrix_subrange(self, rowMin, rowMax, columnMin, columnMax)
def symEigenSystem(self) -> "std::pair< std::vector< double,std::allocator< double > >,npstat::Matrix< double,16U > >":
return _npstat.DoubleMatrix_symEigenSystem(self)
# Register DoubleMatrix in _npstat:
_npstat.DoubleMatrix_swigregister(DoubleMatrix)
def DoubleMatrix_classname() -> "char const *":
return _npstat.DoubleMatrix_classname()
def DoubleMatrix_version() -> "unsigned int":
return _npstat.DoubleMatrix_version()
def DoubleMatrix_restore(id: "ClassId", _in: "istream", m: "DoubleMatrix") -> "void":
return _npstat.DoubleMatrix_restore(id, _in, m)
def Matrix(*args):
val = _npstat.new_Matrix(*args)
return val
class LDoubleMatrix(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LDoubleMatrix_swiginit(self, _npstat.new_LDoubleMatrix(*args))
__swig_destroy__ = _npstat.delete_LDoubleMatrix
def tagAsDiagonal(self, b: "bool"=True) -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix_tagAsDiagonal(self, b)
def nRows(self) -> "unsigned int":
return _npstat.LDoubleMatrix_nRows(self)
def nColumns(self) -> "unsigned int":
return _npstat.LDoubleMatrix_nColumns(self)
def length(self) -> "unsigned long":
return _npstat.LDoubleMatrix_length(self)
def data(self) -> "long double *":
return _npstat.LDoubleMatrix_data(self)
def isSquare(self) -> "bool":
return _npstat.LDoubleMatrix_isSquare(self)
def isSymmetric(self) -> "bool":
return _npstat.LDoubleMatrix_isSymmetric(self)
def isAntiSymmetric(self) -> "bool":
return _npstat.LDoubleMatrix_isAntiSymmetric(self)
def isDiagonal(self) -> "bool":
return _npstat.LDoubleMatrix_isDiagonal(self)
def isMainDiagonal(self) -> "bool":
return _npstat.LDoubleMatrix_isMainDiagonal(self)
def isZero(self) -> "bool":
return _npstat.LDoubleMatrix_isZero(self)
def uninitialize(self) -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix_uninitialize(self)
def isCompatible(self, other: "LDoubleMatrix") -> "bool":
return _npstat.LDoubleMatrix_isCompatible(self, other)
def resize(self, nrows: "unsigned int", ncols: "unsigned int") -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix_resize(self, nrows, ncols)
def zeroOut(self) -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix_zeroOut(self)
def clearMainDiagonal(self) -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix_clearMainDiagonal(self)
def makeDiagonal(self) -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix_makeDiagonal(self)
def constFill(self, c: "long double") -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix_constFill(self, c)
def Tthis(self) -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix_Tthis(self)
def __eq__(self, arg2: "LDoubleMatrix") -> "bool":
return _npstat.LDoubleMatrix___eq__(self, arg2)
def __ne__(self, arg2: "LDoubleMatrix") -> "bool":
return _npstat.LDoubleMatrix___ne__(self, arg2)
def set(self, row: "unsigned int", column: "unsigned int", value: "long double") -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix_set(self, row, column, value)
def __call__(self, row: "unsigned int", column: "unsigned int") -> "long double":
return _npstat.LDoubleMatrix___call__(self, row, column)
def rowSum(self, row: "unsigned int") -> "long double":
return _npstat.LDoubleMatrix_rowSum(self, row)
def columnSum(self, column: "unsigned int") -> "long double":
return _npstat.LDoubleMatrix_columnSum(self, column)
def removeRowAndColumn(self, row: "unsigned int", column: "unsigned int") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_removeRowAndColumn(self, row, column)
def nonZeros(self) -> "unsigned int":
return _npstat.LDoubleMatrix_nonZeros(self)
def coarseSum(self, n: "unsigned int", m: "unsigned int", result: "LDoubleMatrix") -> "void":
return _npstat.LDoubleMatrix_coarseSum(self, n, m, result)
def coarseAverage(self, n: "unsigned int", m: "unsigned int", result: "LDoubleMatrix") -> "void":
return _npstat.LDoubleMatrix_coarseAverage(self, n, m, result)
def __pos__(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix___pos__(self)
def __neg__(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix___neg__(self)
def __mul__(self, *args) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix___mul__(self, *args)
def __truediv__(self, *args):
return _npstat.LDoubleMatrix___truediv__(self, *args)
__div__ = __truediv__
def __add__(self, r: "LDoubleMatrix") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix___add__(self, r)
def __sub__(self, r: "LDoubleMatrix") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix___sub__(self, r)
def hadamardProduct(self, r: "LDoubleMatrix") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_hadamardProduct(self, r)
def hadamardRatio(self, denominator: "LDoubleMatrix") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_hadamardRatio(self, denominator)
def times(self, *args) -> "void":
return _npstat.LDoubleMatrix_times(self, *args)
def over(self, r: "long double", result: "LDoubleMatrix") -> "void":
return _npstat.LDoubleMatrix_over(self, r, result)
def plus(self, r: "LDoubleMatrix", result: "LDoubleMatrix") -> "void":
return _npstat.LDoubleMatrix_plus(self, r, result)
def minus(self, r: "LDoubleMatrix", result: "LDoubleMatrix") -> "void":
return _npstat.LDoubleMatrix_minus(self, r, result)
def __imul__(self, r: "long double") -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.LDoubleMatrix___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, r: "LDoubleMatrix") -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix___iadd__(self, r)
def __isub__(self, r: "LDoubleMatrix") -> "npstat::Matrix< long double > &":
return _npstat.LDoubleMatrix___isub__(self, r)
def bilinearT(self, r: "LDoubleMatrix") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_bilinearT(self, r)
def solveLinearSystems(self, RHS: "LDoubleMatrix", X: "LDoubleMatrix") -> "bool":
return _npstat.LDoubleMatrix_solveLinearSystems(self, RHS, X)
def underdeterminedLinearSystem(self, rhs: "long double const *", lenRhs: "unsigned int", V: "LDoubleMatrix", solution: "long double *", lenSolution: "unsigned int", resultNormSquared: "long double *"=None, A: "LDoubleMatrix"=None) -> "bool":
return _npstat.LDoubleMatrix_underdeterminedLinearSystem(self, rhs, lenRhs, V, solution, lenSolution, resultNormSquared, A)
def linearLeastSquares(self, rhs: "long double const *", lenRhs: "unsigned int", solution: "long double *", lenSolution: "unsigned int") -> "bool":
return _npstat.LDoubleMatrix_linearLeastSquares(self, rhs, lenRhs, solution, lenSolution)
def constrainedLeastSquares(self, rhs1: "long double const *", lenRhs1: "unsigned int", B: "LDoubleMatrix", rhs2: "long double const *", lenRhs2: "unsigned int", solution: "long double *", lenSol: "unsigned int", resultChiSquare: "long double *"=None, resultCovarianceMatrix: "LDoubleMatrix"=None, unconstrainedSolution: "long double *"=None, unconstrainedCovmat: "LDoubleMatrix"=None, projectionMatrix: "LDoubleMatrix"=None, A: "LDoubleMatrix"=None) -> "bool":
return _npstat.LDoubleMatrix_constrainedLeastSquares(self, rhs1, lenRhs1, B, rhs2, lenRhs2, solution, lenSol, resultChiSquare, resultCovarianceMatrix, unconstrainedSolution, unconstrainedCovmat, projectionMatrix, A)
def weightedLeastSquares(self, rhs: "long double const *", lenRhs: "unsigned int", inverseCovarianceMatrix: "LDoubleMatrix", solution: "long double *", lenSolution: "unsigned int", resultChiSquare: "long double *"=None, resultCovarianceMatrix: "LDoubleMatrix"=None) -> "bool":
return _npstat.LDoubleMatrix_weightedLeastSquares(self, rhs, lenRhs, inverseCovarianceMatrix, solution, lenSolution, resultChiSquare, resultCovarianceMatrix)
def T(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_T(self)
def TtimesThis(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_TtimesThis(self)
def timesT(self, *args) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_timesT(self, *args)
def Ttimes(self, r: "LDoubleMatrix") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_Ttimes(self, r)
def directSum(self, added: "LDoubleMatrix") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_directSum(self, added)
def symmetrize(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_symmetrize(self)
def antiSymmetrize(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_antiSymmetrize(self)
def outer(self, r: "LDoubleMatrix") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_outer(self, r)
def minValue(self) -> "long double":
return _npstat.LDoubleMatrix_minValue(self)
def maxValue(self) -> "long double":
return _npstat.LDoubleMatrix_maxValue(self)
def maxAbsValue(self) -> "long double":
return _npstat.LDoubleMatrix_maxAbsValue(self)
def argmin(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.LDoubleMatrix_argmin(self)
def argmax(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.LDoubleMatrix_argmax(self)
def argmaxAbs(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.LDoubleMatrix_argmaxAbs(self)
def frobeniusNorm(self) -> "double":
return _npstat.LDoubleMatrix_frobeniusNorm(self)
def tr(self) -> "long double":
return _npstat.LDoubleMatrix_tr(self)
def sp(self) -> "long double":
return _npstat.LDoubleMatrix_sp(self)
def productTr(self, r: "LDoubleMatrix") -> "long double":
return _npstat.LDoubleMatrix_productTr(self, r)
def productSp(self, r: "LDoubleMatrix") -> "long double":
return _npstat.LDoubleMatrix_productSp(self, r)
def det(self) -> "long double":
return _npstat.LDoubleMatrix_det(self)
def symPDInv(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_symPDInv(self)
def symPDEigenInv(self, *args) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_symPDEigenInv(self, *args)
def symInv(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_symInv(self)
def triDiagInv(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_triDiagInv(self)
def inv(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_inv(self)
def leftInv(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_leftInv(self)
def rightInv(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_rightInv(self)
def tdSymEigen(self, *args) -> "void":
return _npstat.LDoubleMatrix_tdSymEigen(self, *args)
def svd(self, *args) -> "void":
return _npstat.LDoubleMatrix_svd(self, *args)
def pow(self, degree: "unsigned int") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_pow(self, degree)
def covarToCorr(self) -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_covarToCorr(self)
def corrToCovar(self, variances: "double const *") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_corrToCovar(self, variances)
def classId(self) -> "gs::ClassId":
return _npstat.LDoubleMatrix_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LDoubleMatrix_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LDoubleMatrix_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LDoubleMatrix_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", m: "LDoubleMatrix") -> "void":
return _npstat.LDoubleMatrix_restore(id, _in, m)
def mainDiagonal(self) -> "std::vector< long double,std::allocator< long double > >":
return _npstat.LDoubleMatrix_mainDiagonal(self)
def setData(self, data: "long double const *", dataLen: "unsigned int") -> "void":
return _npstat.LDoubleMatrix_setData(self, data, dataLen)
def setRow(self, row: "unsigned int", data: "long double const *", dataLen: "unsigned int") -> "void":
return _npstat.LDoubleMatrix_setRow(self, row, data, dataLen)
def setColumn(self, col: "unsigned int", data: "long double const *", dataLen: "unsigned int") -> "void":
return _npstat.LDoubleMatrix_setColumn(self, col, data, dataLen)
def timesVector(self, data: "long double const *", dataLen: "unsigned int") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_timesVector(self, data, dataLen)
def rowMultiply(self, data: "long double const *", dataLen: "unsigned int") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_rowMultiply(self, data, dataLen)
def bilinear(self, *args) -> "long double":
return _npstat.LDoubleMatrix_bilinear(self, *args)
def solveLinearSystem(self, data: "long double const *", dataLen: "unsigned int") -> "std::vector< long double,std::allocator< long double > >":
return _npstat.LDoubleMatrix_solveLinearSystem(self, data, dataLen)
def symPSDefEffectiveRank(self, *args) -> "std::pair< double,double >":
return _npstat.LDoubleMatrix_symPSDefEffectiveRank(self, *args)
def symEigenValues(self) -> "std::vector< long double,std::allocator< long double > >":
return _npstat.LDoubleMatrix_symEigenValues(self)
def __rmul__(self, r: "long double") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix___rmul__(self, r)
def subrange(self, rowMin: "unsigned int", rowMax: "unsigned int", columnMin: "unsigned int", columnMax: "unsigned int") -> "npstat::Matrix< long double >":
return _npstat.LDoubleMatrix_subrange(self, rowMin, rowMax, columnMin, columnMax)
# Register LDoubleMatrix in _npstat:
_npstat.LDoubleMatrix_swigregister(LDoubleMatrix)
def LDoubleMatrix_classname() -> "char const *":
return _npstat.LDoubleMatrix_classname()
def LDoubleMatrix_version() -> "unsigned int":
return _npstat.LDoubleMatrix_version()
def LDoubleMatrix_restore(id: "ClassId", _in: "istream", m: "LDoubleMatrix") -> "void":
return _npstat.LDoubleMatrix_restore(id, _in, m)
class IntMatrix(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.IntMatrix_swiginit(self, _npstat.new_IntMatrix(*args))
__swig_destroy__ = _npstat.delete_IntMatrix
def tagAsDiagonal(self, b: "bool"=True) -> "npstat::Matrix< int > &":
return _npstat.IntMatrix_tagAsDiagonal(self, b)
def nRows(self) -> "unsigned int":
return _npstat.IntMatrix_nRows(self)
def nColumns(self) -> "unsigned int":
return _npstat.IntMatrix_nColumns(self)
def length(self) -> "unsigned long":
return _npstat.IntMatrix_length(self)
def data(self) -> "int *":
return _npstat.IntMatrix_data(self)
def isSquare(self) -> "bool":
return _npstat.IntMatrix_isSquare(self)
def isSymmetric(self) -> "bool":
return _npstat.IntMatrix_isSymmetric(self)
def isAntiSymmetric(self) -> "bool":
return _npstat.IntMatrix_isAntiSymmetric(self)
def isDiagonal(self) -> "bool":
return _npstat.IntMatrix_isDiagonal(self)
def isMainDiagonal(self) -> "bool":
return _npstat.IntMatrix_isMainDiagonal(self)
def isZero(self) -> "bool":
return _npstat.IntMatrix_isZero(self)
def uninitialize(self) -> "npstat::Matrix< int > &":
return _npstat.IntMatrix_uninitialize(self)
def isCompatible(self, other: "IntMatrix") -> "bool":
return _npstat.IntMatrix_isCompatible(self, other)
def resize(self, nrows: "unsigned int", ncols: "unsigned int") -> "npstat::Matrix< int > &":
return _npstat.IntMatrix_resize(self, nrows, ncols)
def zeroOut(self) -> "npstat::Matrix< int > &":
return _npstat.IntMatrix_zeroOut(self)
def clearMainDiagonal(self) -> "npstat::Matrix< int > &":
return _npstat.IntMatrix_clearMainDiagonal(self)
def makeDiagonal(self) -> "npstat::Matrix< int > &":
return _npstat.IntMatrix_makeDiagonal(self)
def constFill(self, c: "int") -> "npstat::Matrix< int > &":
return _npstat.IntMatrix_constFill(self, c)
def Tthis(self) -> "npstat::Matrix< int > &":
return _npstat.IntMatrix_Tthis(self)
def __eq__(self, arg2: "IntMatrix") -> "bool":
return _npstat.IntMatrix___eq__(self, arg2)
def __ne__(self, arg2: "IntMatrix") -> "bool":
return _npstat.IntMatrix___ne__(self, arg2)
def set(self, row: "unsigned int", column: "unsigned int", value: "int") -> "npstat::Matrix< int > &":
return _npstat.IntMatrix_set(self, row, column, value)
def __call__(self, row: "unsigned int", column: "unsigned int") -> "int":
return _npstat.IntMatrix___call__(self, row, column)
def rowSum(self, row: "unsigned int") -> "int":
return _npstat.IntMatrix_rowSum(self, row)
def columnSum(self, column: "unsigned int") -> "int":
return _npstat.IntMatrix_columnSum(self, column)
def removeRowAndColumn(self, row: "unsigned int", column: "unsigned int") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_removeRowAndColumn(self, row, column)
def nonZeros(self) -> "unsigned int":
return _npstat.IntMatrix_nonZeros(self)
def coarseSum(self, n: "unsigned int", m: "unsigned int", result: "IntMatrix") -> "void":
return _npstat.IntMatrix_coarseSum(self, n, m, result)
def coarseAverage(self, n: "unsigned int", m: "unsigned int", result: "IntMatrix") -> "void":
return _npstat.IntMatrix_coarseAverage(self, n, m, result)
def __pos__(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix___pos__(self)
def __neg__(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix___neg__(self)
def __mul__(self, *args) -> "npstat::Matrix< int >":
return _npstat.IntMatrix___mul__(self, *args)
def __truediv__(self, *args):
return _npstat.IntMatrix___truediv__(self, *args)
__div__ = __truediv__
def __add__(self, r: "IntMatrix") -> "npstat::Matrix< int >":
return _npstat.IntMatrix___add__(self, r)
def __sub__(self, r: "IntMatrix") -> "npstat::Matrix< int >":
return _npstat.IntMatrix___sub__(self, r)
def hadamardProduct(self, r: "IntMatrix") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_hadamardProduct(self, r)
def hadamardRatio(self, denominator: "IntMatrix") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_hadamardRatio(self, denominator)
def times(self, *args) -> "void":
return _npstat.IntMatrix_times(self, *args)
def over(self, r: "int", result: "IntMatrix") -> "void":
return _npstat.IntMatrix_over(self, r, result)
def plus(self, r: "IntMatrix", result: "IntMatrix") -> "void":
return _npstat.IntMatrix_plus(self, r, result)
def minus(self, r: "IntMatrix", result: "IntMatrix") -> "void":
return _npstat.IntMatrix_minus(self, r, result)
def __imul__(self, r: "int") -> "npstat::Matrix< int > &":
return _npstat.IntMatrix___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.IntMatrix___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, r: "IntMatrix") -> "npstat::Matrix< int > &":
return _npstat.IntMatrix___iadd__(self, r)
def __isub__(self, r: "IntMatrix") -> "npstat::Matrix< int > &":
return _npstat.IntMatrix___isub__(self, r)
def bilinearT(self, r: "IntMatrix") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_bilinearT(self, r)
def solveLinearSystems(self, RHS: "IntMatrix", X: "IntMatrix") -> "bool":
return _npstat.IntMatrix_solveLinearSystems(self, RHS, X)
def underdeterminedLinearSystem(self, rhs: "int const *", lenRhs: "unsigned int", V: "IntMatrix", solution: "int *", lenSolution: "unsigned int", resultNormSquared: "int *"=None, A: "IntMatrix"=None) -> "bool":
return _npstat.IntMatrix_underdeterminedLinearSystem(self, rhs, lenRhs, V, solution, lenSolution, resultNormSquared, A)
def linearLeastSquares(self, rhs: "int const *", lenRhs: "unsigned int", solution: "int *", lenSolution: "unsigned int") -> "bool":
return _npstat.IntMatrix_linearLeastSquares(self, rhs, lenRhs, solution, lenSolution)
def constrainedLeastSquares(self, rhs1: "int const *", lenRhs1: "unsigned int", B: "IntMatrix", rhs2: "int const *", lenRhs2: "unsigned int", solution: "int *", lenSol: "unsigned int", resultChiSquare: "int *"=None, resultCovarianceMatrix: "IntMatrix"=None, unconstrainedSolution: "int *"=None, unconstrainedCovmat: "IntMatrix"=None, projectionMatrix: "IntMatrix"=None, A: "IntMatrix"=None) -> "bool":
return _npstat.IntMatrix_constrainedLeastSquares(self, rhs1, lenRhs1, B, rhs2, lenRhs2, solution, lenSol, resultChiSquare, resultCovarianceMatrix, unconstrainedSolution, unconstrainedCovmat, projectionMatrix, A)
def weightedLeastSquares(self, rhs: "int const *", lenRhs: "unsigned int", inverseCovarianceMatrix: "IntMatrix", solution: "int *", lenSolution: "unsigned int", resultChiSquare: "int *"=None, resultCovarianceMatrix: "IntMatrix"=None) -> "bool":
return _npstat.IntMatrix_weightedLeastSquares(self, rhs, lenRhs, inverseCovarianceMatrix, solution, lenSolution, resultChiSquare, resultCovarianceMatrix)
def T(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_T(self)
def TtimesThis(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_TtimesThis(self)
def timesT(self, *args) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_timesT(self, *args)
def Ttimes(self, r: "IntMatrix") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_Ttimes(self, r)
def directSum(self, added: "IntMatrix") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_directSum(self, added)
def symmetrize(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_symmetrize(self)
def antiSymmetrize(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_antiSymmetrize(self)
def outer(self, r: "IntMatrix") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_outer(self, r)
def minValue(self) -> "int":
return _npstat.IntMatrix_minValue(self)
def maxValue(self) -> "int":
return _npstat.IntMatrix_maxValue(self)
def maxAbsValue(self) -> "int":
return _npstat.IntMatrix_maxAbsValue(self)
def argmin(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.IntMatrix_argmin(self)
def argmax(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.IntMatrix_argmax(self)
def argmaxAbs(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.IntMatrix_argmaxAbs(self)
def frobeniusNorm(self) -> "double":
return _npstat.IntMatrix_frobeniusNorm(self)
def tr(self) -> "int":
return _npstat.IntMatrix_tr(self)
def sp(self) -> "int":
return _npstat.IntMatrix_sp(self)
def productTr(self, r: "IntMatrix") -> "int":
return _npstat.IntMatrix_productTr(self, r)
def productSp(self, r: "IntMatrix") -> "int":
return _npstat.IntMatrix_productSp(self, r)
def det(self) -> "int":
return _npstat.IntMatrix_det(self)
def symPDInv(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_symPDInv(self)
def symPDEigenInv(self, *args) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_symPDEigenInv(self, *args)
def symInv(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_symInv(self)
def triDiagInv(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_triDiagInv(self)
def inv(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_inv(self)
def leftInv(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_leftInv(self)
def rightInv(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_rightInv(self)
def tdSymEigen(self, *args) -> "void":
return _npstat.IntMatrix_tdSymEigen(self, *args)
def svd(self, *args) -> "void":
return _npstat.IntMatrix_svd(self, *args)
def pow(self, degree: "unsigned int") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_pow(self, degree)
def covarToCorr(self) -> "npstat::Matrix< int >":
return _npstat.IntMatrix_covarToCorr(self)
def corrToCovar(self, variances: "double const *") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_corrToCovar(self, variances)
def classId(self) -> "gs::ClassId":
return _npstat.IntMatrix_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.IntMatrix_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.IntMatrix_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IntMatrix_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", m: "IntMatrix") -> "void":
return _npstat.IntMatrix_restore(id, _in, m)
def mainDiagonal(self) -> "std::vector< int,std::allocator< int > >":
return _npstat.IntMatrix_mainDiagonal(self)
def setData(self, data: "int const *") -> "void":
return _npstat.IntMatrix_setData(self, data)
def setRow(self, row: "unsigned int", data: "int const *") -> "void":
return _npstat.IntMatrix_setRow(self, row, data)
def setColumn(self, col: "unsigned int", data: "int const *") -> "void":
return _npstat.IntMatrix_setColumn(self, col, data)
def timesVector(self, data: "int const *") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_timesVector(self, data)
def rowMultiply(self, data: "int const *") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_rowMultiply(self, data)
def bilinear(self, *args) -> "int":
return _npstat.IntMatrix_bilinear(self, *args)
def solveLinearSystem(self, data: "int const *") -> "std::vector< int,std::allocator< int > >":
return _npstat.IntMatrix_solveLinearSystem(self, data)
def symPSDefEffectiveRank(self, *args) -> "std::pair< double,double >":
return _npstat.IntMatrix_symPSDefEffectiveRank(self, *args)
def symEigenValues(self) -> "std::vector< int,std::allocator< int > >":
return _npstat.IntMatrix_symEigenValues(self)
def __rmul__(self, r: "int") -> "npstat::Matrix< int >":
return _npstat.IntMatrix___rmul__(self, r)
def subrange(self, rowMin: "unsigned int", rowMax: "unsigned int", columnMin: "unsigned int", columnMax: "unsigned int") -> "npstat::Matrix< int >":
return _npstat.IntMatrix_subrange(self, rowMin, rowMax, columnMin, columnMax)
# Register IntMatrix in _npstat:
_npstat.IntMatrix_swigregister(IntMatrix)
def IntMatrix_classname() -> "char const *":
return _npstat.IntMatrix_classname()
def IntMatrix_version() -> "unsigned int":
return _npstat.IntMatrix_version()
def IntMatrix_restore(id: "ClassId", _in: "istream", m: "IntMatrix") -> "void":
return _npstat.IntMatrix_restore(id, _in, m)
class LongMatrix(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LongMatrix_swiginit(self, _npstat.new_LongMatrix(*args))
__swig_destroy__ = _npstat.delete_LongMatrix
def tagAsDiagonal(self, b: "bool"=True) -> "npstat::Matrix< long > &":
return _npstat.LongMatrix_tagAsDiagonal(self, b)
def nRows(self) -> "unsigned int":
return _npstat.LongMatrix_nRows(self)
def nColumns(self) -> "unsigned int":
return _npstat.LongMatrix_nColumns(self)
def length(self) -> "unsigned long":
return _npstat.LongMatrix_length(self)
def data(self) -> "long *":
return _npstat.LongMatrix_data(self)
def isSquare(self) -> "bool":
return _npstat.LongMatrix_isSquare(self)
def isSymmetric(self) -> "bool":
return _npstat.LongMatrix_isSymmetric(self)
def isAntiSymmetric(self) -> "bool":
return _npstat.LongMatrix_isAntiSymmetric(self)
def isDiagonal(self) -> "bool":
return _npstat.LongMatrix_isDiagonal(self)
def isMainDiagonal(self) -> "bool":
return _npstat.LongMatrix_isMainDiagonal(self)
def isZero(self) -> "bool":
return _npstat.LongMatrix_isZero(self)
def uninitialize(self) -> "npstat::Matrix< long > &":
return _npstat.LongMatrix_uninitialize(self)
def isCompatible(self, other: "LongMatrix") -> "bool":
return _npstat.LongMatrix_isCompatible(self, other)
def resize(self, nrows: "unsigned int", ncols: "unsigned int") -> "npstat::Matrix< long > &":
return _npstat.LongMatrix_resize(self, nrows, ncols)
def zeroOut(self) -> "npstat::Matrix< long > &":
return _npstat.LongMatrix_zeroOut(self)
def clearMainDiagonal(self) -> "npstat::Matrix< long > &":
return _npstat.LongMatrix_clearMainDiagonal(self)
def makeDiagonal(self) -> "npstat::Matrix< long > &":
return _npstat.LongMatrix_makeDiagonal(self)
def constFill(self, c: "long") -> "npstat::Matrix< long > &":
return _npstat.LongMatrix_constFill(self, c)
def Tthis(self) -> "npstat::Matrix< long > &":
return _npstat.LongMatrix_Tthis(self)
def __eq__(self, arg2: "LongMatrix") -> "bool":
return _npstat.LongMatrix___eq__(self, arg2)
def __ne__(self, arg2: "LongMatrix") -> "bool":
return _npstat.LongMatrix___ne__(self, arg2)
def set(self, row: "unsigned int", column: "unsigned int", value: "long") -> "npstat::Matrix< long > &":
return _npstat.LongMatrix_set(self, row, column, value)
def __call__(self, row: "unsigned int", column: "unsigned int") -> "long":
return _npstat.LongMatrix___call__(self, row, column)
def rowSum(self, row: "unsigned int") -> "long":
return _npstat.LongMatrix_rowSum(self, row)
def columnSum(self, column: "unsigned int") -> "long":
return _npstat.LongMatrix_columnSum(self, column)
def removeRowAndColumn(self, row: "unsigned int", column: "unsigned int") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_removeRowAndColumn(self, row, column)
def nonZeros(self) -> "unsigned int":
return _npstat.LongMatrix_nonZeros(self)
def coarseSum(self, n: "unsigned int", m: "unsigned int", result: "LongMatrix") -> "void":
return _npstat.LongMatrix_coarseSum(self, n, m, result)
def coarseAverage(self, n: "unsigned int", m: "unsigned int", result: "LongMatrix") -> "void":
return _npstat.LongMatrix_coarseAverage(self, n, m, result)
def __pos__(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix___pos__(self)
def __neg__(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix___neg__(self)
def __mul__(self, *args) -> "npstat::Matrix< long >":
return _npstat.LongMatrix___mul__(self, *args)
def __truediv__(self, *args):
return _npstat.LongMatrix___truediv__(self, *args)
__div__ = __truediv__
def __add__(self, r: "LongMatrix") -> "npstat::Matrix< long >":
return _npstat.LongMatrix___add__(self, r)
def __sub__(self, r: "LongMatrix") -> "npstat::Matrix< long >":
return _npstat.LongMatrix___sub__(self, r)
def hadamardProduct(self, r: "LongMatrix") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_hadamardProduct(self, r)
def hadamardRatio(self, denominator: "LongMatrix") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_hadamardRatio(self, denominator)
def times(self, *args) -> "void":
return _npstat.LongMatrix_times(self, *args)
def over(self, r: "long", result: "LongMatrix") -> "void":
return _npstat.LongMatrix_over(self, r, result)
def plus(self, r: "LongMatrix", result: "LongMatrix") -> "void":
return _npstat.LongMatrix_plus(self, r, result)
def minus(self, r: "LongMatrix", result: "LongMatrix") -> "void":
return _npstat.LongMatrix_minus(self, r, result)
def __imul__(self, r: "long") -> "npstat::Matrix< long > &":
return _npstat.LongMatrix___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.LongMatrix___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, r: "LongMatrix") -> "npstat::Matrix< long > &":
return _npstat.LongMatrix___iadd__(self, r)
def __isub__(self, r: "LongMatrix") -> "npstat::Matrix< long > &":
return _npstat.LongMatrix___isub__(self, r)
def bilinearT(self, r: "LongMatrix") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_bilinearT(self, r)
def solveLinearSystems(self, RHS: "LongMatrix", X: "LongMatrix") -> "bool":
return _npstat.LongMatrix_solveLinearSystems(self, RHS, X)
def underdeterminedLinearSystem(self, rhs: "long const *", lenRhs: "unsigned int", V: "LongMatrix", solution: "long *", lenSolution: "unsigned int", resultNormSquared: "long *"=None, A: "LongMatrix"=None) -> "bool":
return _npstat.LongMatrix_underdeterminedLinearSystem(self, rhs, lenRhs, V, solution, lenSolution, resultNormSquared, A)
def linearLeastSquares(self, rhs: "long const *", lenRhs: "unsigned int", solution: "long *", lenSolution: "unsigned int") -> "bool":
return _npstat.LongMatrix_linearLeastSquares(self, rhs, lenRhs, solution, lenSolution)
def constrainedLeastSquares(self, rhs1: "long const *", lenRhs1: "unsigned int", B: "LongMatrix", rhs2: "long const *", lenRhs2: "unsigned int", solution: "long *", lenSol: "unsigned int", resultChiSquare: "long *"=None, resultCovarianceMatrix: "LongMatrix"=None, unconstrainedSolution: "long *"=None, unconstrainedCovmat: "LongMatrix"=None, projectionMatrix: "LongMatrix"=None, A: "LongMatrix"=None) -> "bool":
return _npstat.LongMatrix_constrainedLeastSquares(self, rhs1, lenRhs1, B, rhs2, lenRhs2, solution, lenSol, resultChiSquare, resultCovarianceMatrix, unconstrainedSolution, unconstrainedCovmat, projectionMatrix, A)
def weightedLeastSquares(self, rhs: "long const *", lenRhs: "unsigned int", inverseCovarianceMatrix: "LongMatrix", solution: "long *", lenSolution: "unsigned int", resultChiSquare: "long *"=None, resultCovarianceMatrix: "LongMatrix"=None) -> "bool":
return _npstat.LongMatrix_weightedLeastSquares(self, rhs, lenRhs, inverseCovarianceMatrix, solution, lenSolution, resultChiSquare, resultCovarianceMatrix)
def T(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_T(self)
def TtimesThis(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_TtimesThis(self)
def timesT(self, *args) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_timesT(self, *args)
def Ttimes(self, r: "LongMatrix") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_Ttimes(self, r)
def directSum(self, added: "LongMatrix") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_directSum(self, added)
def symmetrize(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_symmetrize(self)
def antiSymmetrize(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_antiSymmetrize(self)
def outer(self, r: "LongMatrix") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_outer(self, r)
def minValue(self) -> "long":
return _npstat.LongMatrix_minValue(self)
def maxValue(self) -> "long":
return _npstat.LongMatrix_maxValue(self)
def maxAbsValue(self) -> "long":
return _npstat.LongMatrix_maxAbsValue(self)
def argmin(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.LongMatrix_argmin(self)
def argmax(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.LongMatrix_argmax(self)
def argmaxAbs(self) -> "std::pair< unsigned int,unsigned int >":
return _npstat.LongMatrix_argmaxAbs(self)
def frobeniusNorm(self) -> "double":
return _npstat.LongMatrix_frobeniusNorm(self)
def tr(self) -> "long":
return _npstat.LongMatrix_tr(self)
def sp(self) -> "long":
return _npstat.LongMatrix_sp(self)
def productTr(self, r: "LongMatrix") -> "long":
return _npstat.LongMatrix_productTr(self, r)
def productSp(self, r: "LongMatrix") -> "long":
return _npstat.LongMatrix_productSp(self, r)
def det(self) -> "long":
return _npstat.LongMatrix_det(self)
def symPDInv(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_symPDInv(self)
def symPDEigenInv(self, *args) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_symPDEigenInv(self, *args)
def symInv(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_symInv(self)
def triDiagInv(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_triDiagInv(self)
def inv(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_inv(self)
def leftInv(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_leftInv(self)
def rightInv(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_rightInv(self)
def tdSymEigen(self, *args) -> "void":
return _npstat.LongMatrix_tdSymEigen(self, *args)
def svd(self, *args) -> "void":
return _npstat.LongMatrix_svd(self, *args)
def pow(self, degree: "unsigned int") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_pow(self, degree)
def covarToCorr(self) -> "npstat::Matrix< long >":
return _npstat.LongMatrix_covarToCorr(self)
def corrToCovar(self, variances: "double const *") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_corrToCovar(self, variances)
def classId(self) -> "gs::ClassId":
return _npstat.LongMatrix_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LongMatrix_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LongMatrix_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LongMatrix_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", m: "LongMatrix") -> "void":
return _npstat.LongMatrix_restore(id, _in, m)
def mainDiagonal(self) -> "std::vector< long,std::allocator< long > >":
return _npstat.LongMatrix_mainDiagonal(self)
def setData(self, data: "long const *") -> "void":
return _npstat.LongMatrix_setData(self, data)
def setRow(self, row: "unsigned int", data: "long const *") -> "void":
return _npstat.LongMatrix_setRow(self, row, data)
def setColumn(self, col: "unsigned int", data: "long const *") -> "void":
return _npstat.LongMatrix_setColumn(self, col, data)
def timesVector(self, data: "long const *") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_timesVector(self, data)
def rowMultiply(self, data: "long const *") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_rowMultiply(self, data)
def bilinear(self, *args) -> "long":
return _npstat.LongMatrix_bilinear(self, *args)
def solveLinearSystem(self, data: "long const *") -> "std::vector< long,std::allocator< long > >":
return _npstat.LongMatrix_solveLinearSystem(self, data)
def symPSDefEffectiveRank(self, *args) -> "std::pair< double,double >":
return _npstat.LongMatrix_symPSDefEffectiveRank(self, *args)
def symEigenValues(self) -> "std::vector< long,std::allocator< long > >":
return _npstat.LongMatrix_symEigenValues(self)
def __rmul__(self, r: "long") -> "npstat::Matrix< long >":
return _npstat.LongMatrix___rmul__(self, r)
def subrange(self, rowMin: "unsigned int", rowMax: "unsigned int", columnMin: "unsigned int", columnMax: "unsigned int") -> "npstat::Matrix< long >":
return _npstat.LongMatrix_subrange(self, rowMin, rowMax, columnMin, columnMax)
# Register LongMatrix in _npstat:
_npstat.LongMatrix_swigregister(LongMatrix)
def LongMatrix_classname() -> "char const *":
return _npstat.LongMatrix_classname()
def LongMatrix_version() -> "unsigned int":
return _npstat.LongMatrix_version()
def LongMatrix_restore(id: "ClassId", _in: "istream", m: "LongMatrix") -> "void":
return _npstat.LongMatrix_restore(id, _in, m)
def DoubleDiag(*args) -> "npstat::Matrix< double,16U >":
return _npstat.DoubleDiag(*args)
def FloatDiag(*args) -> "npstat::Matrix< float,16U >":
return _npstat.FloatDiag(*args)
def LDoubleDiag(*args) -> "npstat::Matrix< long double,16U >":
return _npstat.LDoubleDiag(*args)
def IntDiag(*args) -> "npstat::Matrix< int,16U >":
return _npstat.IntDiag(*args)
def LongDiag(*args) -> "npstat::Matrix< long,16U >":
return _npstat.LongDiag(*args)
class Eigensystem(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Eigensystem_swiginit(self, _npstat.new_Eigensystem(*args))
first = property(_npstat.Eigensystem_first_get, _npstat.Eigensystem_first_set)
second = property(_npstat.Eigensystem_second_get, _npstat.Eigensystem_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_Eigensystem
# Register Eigensystem in _npstat:
_npstat.Eigensystem_swigregister(Eigensystem)
class ArchiveRecord_FloatMatrix(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatMatrix", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatMatrix_swiginit(self, _npstat.new_ArchiveRecord_FloatMatrix(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatMatrix
# Register ArchiveRecord_FloatMatrix in _npstat:
_npstat.ArchiveRecord_FloatMatrix_swigregister(ArchiveRecord_FloatMatrix)
class Ref_FloatMatrix(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatMatrix_swiginit(self, _npstat.new_Ref_FloatMatrix(*args))
def restore(self, index: "unsigned long", obj: "FloatMatrix") -> "void":
return _npstat.Ref_FloatMatrix_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Matrix< float,16U > *":
return _npstat.Ref_FloatMatrix_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Matrix< float,16U >":
return _npstat.Ref_FloatMatrix_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatMatrix
# Register Ref_FloatMatrix in _npstat:
_npstat.Ref_FloatMatrix_swigregister(Ref_FloatMatrix)
class ArchiveRecord_DoubleMatrix(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleMatrix", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleMatrix_swiginit(self, _npstat.new_ArchiveRecord_DoubleMatrix(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleMatrix
# Register ArchiveRecord_DoubleMatrix in _npstat:
_npstat.ArchiveRecord_DoubleMatrix_swigregister(ArchiveRecord_DoubleMatrix)
class Ref_DoubleMatrix(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleMatrix_swiginit(self, _npstat.new_Ref_DoubleMatrix(*args))
def restore(self, index: "unsigned long", obj: "DoubleMatrix") -> "void":
return _npstat.Ref_DoubleMatrix_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Matrix< double,16U > *":
return _npstat.Ref_DoubleMatrix_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Matrix< double,16U >":
return _npstat.Ref_DoubleMatrix_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleMatrix
# Register Ref_DoubleMatrix in _npstat:
_npstat.Ref_DoubleMatrix_swigregister(Ref_DoubleMatrix)
class ArchiveRecord_LDoubleMatrix(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LDoubleMatrix", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LDoubleMatrix_swiginit(self, _npstat.new_ArchiveRecord_LDoubleMatrix(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LDoubleMatrix
# Register ArchiveRecord_LDoubleMatrix in _npstat:
_npstat.ArchiveRecord_LDoubleMatrix_swigregister(ArchiveRecord_LDoubleMatrix)
class Ref_LDoubleMatrix(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LDoubleMatrix_swiginit(self, _npstat.new_Ref_LDoubleMatrix(*args))
def restore(self, index: "unsigned long", obj: "LDoubleMatrix") -> "void":
return _npstat.Ref_LDoubleMatrix_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Matrix< long double,16U > *":
return _npstat.Ref_LDoubleMatrix_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Matrix< long double,16U >":
return _npstat.Ref_LDoubleMatrix_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LDoubleMatrix
# Register Ref_LDoubleMatrix in _npstat:
_npstat.Ref_LDoubleMatrix_swigregister(Ref_LDoubleMatrix)
class ArchiveRecord_IntMatrix(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "IntMatrix", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_IntMatrix_swiginit(self, _npstat.new_ArchiveRecord_IntMatrix(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_IntMatrix
# Register ArchiveRecord_IntMatrix in _npstat:
_npstat.ArchiveRecord_IntMatrix_swigregister(ArchiveRecord_IntMatrix)
class Ref_IntMatrix(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IntMatrix_swiginit(self, _npstat.new_Ref_IntMatrix(*args))
def restore(self, index: "unsigned long", obj: "IntMatrix") -> "void":
return _npstat.Ref_IntMatrix_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Matrix< int,16U > *":
return _npstat.Ref_IntMatrix_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Matrix< int,16U >":
return _npstat.Ref_IntMatrix_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_IntMatrix
# Register Ref_IntMatrix in _npstat:
_npstat.Ref_IntMatrix_swigregister(Ref_IntMatrix)
class ArchiveRecord_LongMatrix(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LongMatrix", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LongMatrix_swiginit(self, _npstat.new_ArchiveRecord_LongMatrix(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LongMatrix
# Register ArchiveRecord_LongMatrix in _npstat:
_npstat.ArchiveRecord_LongMatrix_swigregister(ArchiveRecord_LongMatrix)
class Ref_LongMatrix(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LongMatrix_swiginit(self, _npstat.new_Ref_LongMatrix(*args))
def restore(self, index: "unsigned long", obj: "LongMatrix") -> "void":
return _npstat.Ref_LongMatrix_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Matrix< long,16U > *":
return _npstat.Ref_LongMatrix_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Matrix< long,16U >":
return _npstat.Ref_LongMatrix_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LongMatrix
# Register Ref_LongMatrix in _npstat:
_npstat.Ref_LongMatrix_swigregister(Ref_LongMatrix)
class HeatEq1DNeumannBoundary(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, thermalDiffusivity: "double const *", spatialStep: "double", dt: "double"):
_npstat.HeatEq1DNeumannBoundary_swiginit(self, _npstat.new_HeatEq1DNeumannBoundary(thermalDiffusivity, spatialStep, dt))
def dt(self) -> "double":
return _npstat.HeatEq1DNeumannBoundary_dt(self)
def time(self) -> "double":
return _npstat.HeatEq1DNeumannBoundary_time(self)
def nCoords(self) -> "unsigned int":
return _npstat.HeatEq1DNeumannBoundary_nCoords(self)
def intervalWidth(self) -> "double":
return _npstat.HeatEq1DNeumannBoundary_intervalWidth(self)
def step(self) -> "void":
return _npstat.HeatEq1DNeumannBoundary_step(self)
def nSteps(self) -> "unsigned long":
return _npstat.HeatEq1DNeumannBoundary_nSteps(self)
def gfWidth(self, index: "unsigned int") -> "double":
return _npstat.HeatEq1DNeumannBoundary_gfWidth(self, index)
def GF(self) -> "npstat::Matrix< double >":
return _npstat.HeatEq1DNeumannBoundary_GF(self)
def GFT(self) -> "npstat::Matrix< double >":
return _npstat.HeatEq1DNeumannBoundary_GFT(self)
def doublyStochasticGF(self, tol: "double", maxIter: "unsigned int") -> "npstat::Matrix< double >":
return _npstat.HeatEq1DNeumannBoundary_doublyStochasticGF(self, tol, maxIter)
def doublyStochasticGFT(self, tol: "double", maxIter: "unsigned int") -> "npstat::Matrix< double >":
return _npstat.HeatEq1DNeumannBoundary_doublyStochasticGFT(self, tol, maxIter)
def diffScheme(self) -> "npstat::Matrix< lapack_double >":
return _npstat.HeatEq1DNeumannBoundary_diffScheme(self)
def maxAbsEigen(self) -> "double":
return _npstat.HeatEq1DNeumannBoundary_maxAbsEigen(self)
__swig_destroy__ = _npstat.delete_HeatEq1DNeumannBoundary
# Register HeatEq1DNeumannBoundary in _npstat:
_npstat.HeatEq1DNeumannBoundary_swigregister(HeatEq1DNeumannBoundary)
class Double_Double_Double_Triple(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Double_Double_Double_Triple_swiginit(self, _npstat.new_Double_Double_Double_Triple(*args))
def __eq__(self, r: "Double_Double_Double_Triple") -> "bool":
return _npstat.Double_Double_Double_Triple___eq__(self, r)
def __ne__(self, r: "Double_Double_Double_Triple") -> "bool":
return _npstat.Double_Double_Double_Triple___ne__(self, r)
def __lt__(self, r: "Double_Double_Double_Triple") -> "bool":
return _npstat.Double_Double_Double_Triple___lt__(self, r)
def __gt__(self, r: "Double_Double_Double_Triple") -> "bool":
return _npstat.Double_Double_Double_Triple___gt__(self, r)
first = property(_npstat.Double_Double_Double_Triple_first_get, _npstat.Double_Double_Double_Triple_first_set)
second = property(_npstat.Double_Double_Double_Triple_second_get, _npstat.Double_Double_Double_Triple_second_set)
third = property(_npstat.Double_Double_Double_Triple_third_get, _npstat.Double_Double_Double_Triple_third_set)
__swig_destroy__ = _npstat.delete_Double_Double_Double_Triple
# Register Double_Double_Double_Triple in _npstat:
_npstat.Double_Double_Double_Triple_swigregister(Double_Double_Double_Triple)
def makeShape(*args) -> "npstat::ArrayShape":
return _npstat.makeShape(*args)
def doubleShape(inputShape: "UIntVector") -> "npstat::ArrayShape":
return _npstat.doubleShape(inputShape)
def halfShape(inputShape: "UIntVector") -> "npstat::ArrayShape":
return _npstat.halfShape(inputShape)
def isSubShape(sh1: "UIntVector", sh2: "UIntVector") -> "bool":
return _npstat.isSubShape(sh1, sh2)
def arrayLengthFromShape(sh: "UIntVector") -> "unsigned long":
return _npstat.arrayLengthFromShape(sh)
class UCharInterval(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.UCharInterval_swiginit(self, _npstat.new_UCharInterval(*args))
def setMin(self, value: "unsigned char const") -> "void":
return _npstat.UCharInterval_setMin(self, value)
def setMax(self, value: "unsigned char const") -> "void":
return _npstat.UCharInterval_setMax(self, value)
def setBounds(self, minval: "unsigned char const", maxval: "unsigned char const", swapIfOutOfOrder: "bool const"=False) -> "void":
return _npstat.UCharInterval_setBounds(self, minval, maxval, swapIfOutOfOrder)
def min(self) -> "unsigned char const":
return _npstat.UCharInterval_min(self)
def max(self) -> "unsigned char const":
return _npstat.UCharInterval_max(self)
def getBounds(self, pmin: "unsigned char *", pmax: "unsigned char *") -> "void":
return _npstat.UCharInterval_getBounds(self, pmin, pmax)
def length(self) -> "unsigned char":
return _npstat.UCharInterval_length(self)
def midpoint(self) -> "unsigned char":
return _npstat.UCharInterval_midpoint(self)
def isInsideLower(self, value: "unsigned char const") -> "bool":
return _npstat.UCharInterval_isInsideLower(self, value)
def isInsideUpper(self, value: "unsigned char const") -> "bool":
return _npstat.UCharInterval_isInsideUpper(self, value)
def isInsideWithBounds(self, value: "unsigned char const") -> "bool":
return _npstat.UCharInterval_isInsideWithBounds(self, value)
def isInside(self, value: "unsigned char const") -> "bool":
return _npstat.UCharInterval_isInside(self, value)
def __imul__(self, r: "double") -> "npstat::Interval< unsigned char > &":
return _npstat.UCharInterval___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.UCharInterval___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, value: "unsigned char const") -> "npstat::Interval< unsigned char > &":
return _npstat.UCharInterval___iadd__(self, value)
def __isub__(self, value: "unsigned char const") -> "npstat::Interval< unsigned char > &":
return _npstat.UCharInterval___isub__(self, value)
def moveMidpointTo0(self) -> "npstat::Interval< unsigned char > &":
return _npstat.UCharInterval_moveMidpointTo0(self)
def expand(self, r: "double") -> "npstat::Interval< unsigned char > &":
return _npstat.UCharInterval_expand(self, r)
def overlap(self, r: "UCharInterval") -> "npstat::Interval< unsigned char >":
return _npstat.UCharInterval_overlap(self, r)
def overlapLength(self, r: "UCharInterval") -> "unsigned char":
return _npstat.UCharInterval_overlapLength(self, r)
def overlapFraction(self, r: "UCharInterval") -> "double":
return _npstat.UCharInterval_overlapFraction(self, r)
def logicalDifference(self, r: "UCharInterval") -> "std::pair< npstat::Interval< unsigned char >,npstat::Interval< unsigned char > >":
return _npstat.UCharInterval_logicalDifference(self, r)
__swig_destroy__ = _npstat.delete_UCharInterval
# Register UCharInterval in _npstat:
_npstat.UCharInterval_swigregister(UCharInterval)
class IntInterval(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.IntInterval_swiginit(self, _npstat.new_IntInterval(*args))
def setMin(self, value: "int const") -> "void":
return _npstat.IntInterval_setMin(self, value)
def setMax(self, value: "int const") -> "void":
return _npstat.IntInterval_setMax(self, value)
def setBounds(self, minval: "int const", maxval: "int const", swapIfOutOfOrder: "bool const"=False) -> "void":
return _npstat.IntInterval_setBounds(self, minval, maxval, swapIfOutOfOrder)
def min(self) -> "int const":
return _npstat.IntInterval_min(self)
def max(self) -> "int const":
return _npstat.IntInterval_max(self)
def getBounds(self, pmin: "int *", pmax: "int *") -> "void":
return _npstat.IntInterval_getBounds(self, pmin, pmax)
def length(self) -> "int":
return _npstat.IntInterval_length(self)
def midpoint(self) -> "int":
return _npstat.IntInterval_midpoint(self)
def isInsideLower(self, value: "int const") -> "bool":
return _npstat.IntInterval_isInsideLower(self, value)
def isInsideUpper(self, value: "int const") -> "bool":
return _npstat.IntInterval_isInsideUpper(self, value)
def isInsideWithBounds(self, value: "int const") -> "bool":
return _npstat.IntInterval_isInsideWithBounds(self, value)
def isInside(self, value: "int const") -> "bool":
return _npstat.IntInterval_isInside(self, value)
def __imul__(self, r: "double") -> "npstat::Interval< int > &":
return _npstat.IntInterval___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.IntInterval___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, value: "int const") -> "npstat::Interval< int > &":
return _npstat.IntInterval___iadd__(self, value)
def __isub__(self, value: "int const") -> "npstat::Interval< int > &":
return _npstat.IntInterval___isub__(self, value)
def moveMidpointTo0(self) -> "npstat::Interval< int > &":
return _npstat.IntInterval_moveMidpointTo0(self)
def expand(self, r: "double") -> "npstat::Interval< int > &":
return _npstat.IntInterval_expand(self, r)
def overlap(self, r: "IntInterval") -> "npstat::Interval< int >":
return _npstat.IntInterval_overlap(self, r)
def overlapLength(self, r: "IntInterval") -> "int":
return _npstat.IntInterval_overlapLength(self, r)
def overlapFraction(self, r: "IntInterval") -> "double":
return _npstat.IntInterval_overlapFraction(self, r)
def logicalDifference(self, r: "IntInterval") -> "std::pair< npstat::Interval< int >,npstat::Interval< int > >":
return _npstat.IntInterval_logicalDifference(self, r)
__swig_destroy__ = _npstat.delete_IntInterval
# Register IntInterval in _npstat:
_npstat.IntInterval_swigregister(IntInterval)
class LongInterval(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LongInterval_swiginit(self, _npstat.new_LongInterval(*args))
def setMin(self, value: "long const") -> "void":
return _npstat.LongInterval_setMin(self, value)
def setMax(self, value: "long const") -> "void":
return _npstat.LongInterval_setMax(self, value)
def setBounds(self, minval: "long const", maxval: "long const", swapIfOutOfOrder: "bool const"=False) -> "void":
return _npstat.LongInterval_setBounds(self, minval, maxval, swapIfOutOfOrder)
def min(self) -> "long const":
return _npstat.LongInterval_min(self)
def max(self) -> "long const":
return _npstat.LongInterval_max(self)
def getBounds(self, pmin: "long *", pmax: "long *") -> "void":
return _npstat.LongInterval_getBounds(self, pmin, pmax)
def length(self) -> "long":
return _npstat.LongInterval_length(self)
def midpoint(self) -> "long":
return _npstat.LongInterval_midpoint(self)
def isInsideLower(self, value: "long const") -> "bool":
return _npstat.LongInterval_isInsideLower(self, value)
def isInsideUpper(self, value: "long const") -> "bool":
return _npstat.LongInterval_isInsideUpper(self, value)
def isInsideWithBounds(self, value: "long const") -> "bool":
return _npstat.LongInterval_isInsideWithBounds(self, value)
def isInside(self, value: "long const") -> "bool":
return _npstat.LongInterval_isInside(self, value)
def __imul__(self, r: "double") -> "npstat::Interval< long > &":
return _npstat.LongInterval___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.LongInterval___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, value: "long const") -> "npstat::Interval< long > &":
return _npstat.LongInterval___iadd__(self, value)
def __isub__(self, value: "long const") -> "npstat::Interval< long > &":
return _npstat.LongInterval___isub__(self, value)
def moveMidpointTo0(self) -> "npstat::Interval< long > &":
return _npstat.LongInterval_moveMidpointTo0(self)
def expand(self, r: "double") -> "npstat::Interval< long > &":
return _npstat.LongInterval_expand(self, r)
def overlap(self, r: "LongInterval") -> "npstat::Interval< long >":
return _npstat.LongInterval_overlap(self, r)
def overlapLength(self, r: "LongInterval") -> "long":
return _npstat.LongInterval_overlapLength(self, r)
def overlapFraction(self, r: "LongInterval") -> "double":
return _npstat.LongInterval_overlapFraction(self, r)
def logicalDifference(self, r: "LongInterval") -> "std::pair< npstat::Interval< long >,npstat::Interval< long > >":
return _npstat.LongInterval_logicalDifference(self, r)
__swig_destroy__ = _npstat.delete_LongInterval
# Register LongInterval in _npstat:
_npstat.LongInterval_swigregister(LongInterval)
class FloatInterval(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatInterval_swiginit(self, _npstat.new_FloatInterval(*args))
def setMin(self, value: "float const") -> "void":
return _npstat.FloatInterval_setMin(self, value)
def setMax(self, value: "float const") -> "void":
return _npstat.FloatInterval_setMax(self, value)
def setBounds(self, minval: "float const", maxval: "float const", swapIfOutOfOrder: "bool const"=False) -> "void":
return _npstat.FloatInterval_setBounds(self, minval, maxval, swapIfOutOfOrder)
def min(self) -> "float const":
return _npstat.FloatInterval_min(self)
def max(self) -> "float const":
return _npstat.FloatInterval_max(self)
def getBounds(self, pmin: "float *", pmax: "float *") -> "void":
return _npstat.FloatInterval_getBounds(self, pmin, pmax)
def length(self) -> "float":
return _npstat.FloatInterval_length(self)
def midpoint(self) -> "float":
return _npstat.FloatInterval_midpoint(self)
def isInsideLower(self, value: "float const") -> "bool":
return _npstat.FloatInterval_isInsideLower(self, value)
def isInsideUpper(self, value: "float const") -> "bool":
return _npstat.FloatInterval_isInsideUpper(self, value)
def isInsideWithBounds(self, value: "float const") -> "bool":
return _npstat.FloatInterval_isInsideWithBounds(self, value)
def isInside(self, value: "float const") -> "bool":
return _npstat.FloatInterval_isInside(self, value)
def __imul__(self, r: "double") -> "npstat::Interval< float > &":
return _npstat.FloatInterval___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.FloatInterval___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, value: "float const") -> "npstat::Interval< float > &":
return _npstat.FloatInterval___iadd__(self, value)
def __isub__(self, value: "float const") -> "npstat::Interval< float > &":
return _npstat.FloatInterval___isub__(self, value)
def moveMidpointTo0(self) -> "npstat::Interval< float > &":
return _npstat.FloatInterval_moveMidpointTo0(self)
def expand(self, r: "double") -> "npstat::Interval< float > &":
return _npstat.FloatInterval_expand(self, r)
def overlap(self, r: "FloatInterval") -> "npstat::Interval< float >":
return _npstat.FloatInterval_overlap(self, r)
def overlapLength(self, r: "FloatInterval") -> "float":
return _npstat.FloatInterval_overlapLength(self, r)
def overlapFraction(self, r: "FloatInterval") -> "double":
return _npstat.FloatInterval_overlapFraction(self, r)
def logicalDifference(self, r: "FloatInterval") -> "std::pair< npstat::Interval< float >,npstat::Interval< float > >":
return _npstat.FloatInterval_logicalDifference(self, r)
__swig_destroy__ = _npstat.delete_FloatInterval
# Register FloatInterval in _npstat:
_npstat.FloatInterval_swigregister(FloatInterval)
class DoubleInterval(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleInterval_swiginit(self, _npstat.new_DoubleInterval(*args))
def setMin(self, value: "double const") -> "void":
return _npstat.DoubleInterval_setMin(self, value)
def setMax(self, value: "double const") -> "void":
return _npstat.DoubleInterval_setMax(self, value)
def setBounds(self, minval: "double const", maxval: "double const", swapIfOutOfOrder: "bool const"=False) -> "void":
return _npstat.DoubleInterval_setBounds(self, minval, maxval, swapIfOutOfOrder)
def min(self) -> "double const":
return _npstat.DoubleInterval_min(self)
def max(self) -> "double const":
return _npstat.DoubleInterval_max(self)
def getBounds(self, pmin: "double *", pmax: "double *") -> "void":
return _npstat.DoubleInterval_getBounds(self, pmin, pmax)
def length(self) -> "double":
return _npstat.DoubleInterval_length(self)
def midpoint(self) -> "double":
return _npstat.DoubleInterval_midpoint(self)
def isInsideLower(self, value: "double const") -> "bool":
return _npstat.DoubleInterval_isInsideLower(self, value)
def isInsideUpper(self, value: "double const") -> "bool":
return _npstat.DoubleInterval_isInsideUpper(self, value)
def isInsideWithBounds(self, value: "double const") -> "bool":
return _npstat.DoubleInterval_isInsideWithBounds(self, value)
def isInside(self, value: "double const") -> "bool":
return _npstat.DoubleInterval_isInside(self, value)
def __imul__(self, r: "double") -> "npstat::Interval< double > &":
return _npstat.DoubleInterval___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.DoubleInterval___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, value: "double const") -> "npstat::Interval< double > &":
return _npstat.DoubleInterval___iadd__(self, value)
def __isub__(self, value: "double const") -> "npstat::Interval< double > &":
return _npstat.DoubleInterval___isub__(self, value)
def moveMidpointTo0(self) -> "npstat::Interval< double > &":
return _npstat.DoubleInterval_moveMidpointTo0(self)
def expand(self, r: "double") -> "npstat::Interval< double > &":
return _npstat.DoubleInterval_expand(self, r)
def overlap(self, r: "DoubleInterval") -> "npstat::Interval< double >":
return _npstat.DoubleInterval_overlap(self, r)
def overlapLength(self, r: "DoubleInterval") -> "double":
return _npstat.DoubleInterval_overlapLength(self, r)
def overlapFraction(self, r: "DoubleInterval") -> "double":
return _npstat.DoubleInterval_overlapFraction(self, r)
def logicalDifference(self, r: "DoubleInterval") -> "std::pair< npstat::Interval< double >,npstat::Interval< double > >":
return _npstat.DoubleInterval_logicalDifference(self, r)
__swig_destroy__ = _npstat.delete_DoubleInterval
# Register DoubleInterval in _npstat:
_npstat.DoubleInterval_swigregister(DoubleInterval)
class UIntInterval(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.UIntInterval_swiginit(self, _npstat.new_UIntInterval(*args))
def setMin(self, value: "unsigned int const") -> "void":
return _npstat.UIntInterval_setMin(self, value)
def setMax(self, value: "unsigned int const") -> "void":
return _npstat.UIntInterval_setMax(self, value)
def setBounds(self, minval: "unsigned int const", maxval: "unsigned int const", swapIfOutOfOrder: "bool const"=False) -> "void":
return _npstat.UIntInterval_setBounds(self, minval, maxval, swapIfOutOfOrder)
def min(self) -> "unsigned int const":
return _npstat.UIntInterval_min(self)
def max(self) -> "unsigned int const":
return _npstat.UIntInterval_max(self)
def getBounds(self, pmin: "unsigned int *", pmax: "unsigned int *") -> "void":
return _npstat.UIntInterval_getBounds(self, pmin, pmax)
def length(self) -> "unsigned int":
return _npstat.UIntInterval_length(self)
def midpoint(self) -> "unsigned int":
return _npstat.UIntInterval_midpoint(self)
def isInsideLower(self, value: "unsigned int const") -> "bool":
return _npstat.UIntInterval_isInsideLower(self, value)
def isInsideUpper(self, value: "unsigned int const") -> "bool":
return _npstat.UIntInterval_isInsideUpper(self, value)
def isInsideWithBounds(self, value: "unsigned int const") -> "bool":
return _npstat.UIntInterval_isInsideWithBounds(self, value)
def isInside(self, value: "unsigned int const") -> "bool":
return _npstat.UIntInterval_isInside(self, value)
def __imul__(self, r: "double") -> "npstat::Interval< unsigned int > &":
return _npstat.UIntInterval___imul__(self, r)
def __itruediv__(self, *args):
return _npstat.UIntInterval___itruediv__(self, *args)
__idiv__ = __itruediv__
def __iadd__(self, value: "unsigned int const") -> "npstat::Interval< unsigned int > &":
return _npstat.UIntInterval___iadd__(self, value)
def __isub__(self, value: "unsigned int const") -> "npstat::Interval< unsigned int > &":
return _npstat.UIntInterval___isub__(self, value)
def moveMidpointTo0(self) -> "npstat::Interval< unsigned int > &":
return _npstat.UIntInterval_moveMidpointTo0(self)
def expand(self, r: "double") -> "npstat::Interval< unsigned int > &":
return _npstat.UIntInterval_expand(self, r)
def overlap(self, r: "UIntInterval") -> "npstat::Interval< unsigned int >":
return _npstat.UIntInterval_overlap(self, r)
def overlapLength(self, r: "UIntInterval") -> "unsigned int":
return _npstat.UIntInterval_overlapLength(self, r)
def overlapFraction(self, r: "UIntInterval") -> "double":
return _npstat.UIntInterval_overlapFraction(self, r)
def logicalDifference(self, r: "UIntInterval") -> "std::pair< npstat::Interval< unsigned int >,npstat::Interval< unsigned int > >":
return _npstat.UIntInterval_logicalDifference(self, r)
__swig_destroy__ = _npstat.delete_UIntInterval
# Register UIntInterval in _npstat:
_npstat.UIntInterval_swigregister(UIntInterval)
class IntIntervalVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.IntIntervalVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.IntIntervalVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.IntIntervalVector___bool__(self)
def __len__(self) -> "std::vector< npstat::Interval< int > >::size_type":
return _npstat.IntIntervalVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::Interval< int > >::difference_type", j: "std::vector< npstat::Interval< int > >::difference_type") -> "std::vector< npstat::Interval< int >,std::allocator< npstat::Interval< int > > > *":
return _npstat.IntIntervalVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.IntIntervalVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::Interval< int > >::difference_type", j: "std::vector< npstat::Interval< int > >::difference_type") -> "void":
return _npstat.IntIntervalVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.IntIntervalVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::Interval< int > >::value_type const &":
return _npstat.IntIntervalVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.IntIntervalVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::Interval< int > >::value_type":
return _npstat.IntIntervalVector_pop(self)
def append(self, x: "IntInterval") -> "void":
return _npstat.IntIntervalVector_append(self, x)
def empty(self) -> "bool":
return _npstat.IntIntervalVector_empty(self)
def size(self) -> "std::vector< npstat::Interval< int > >::size_type":
return _npstat.IntIntervalVector_size(self)
def swap(self, v: "IntIntervalVector") -> "void":
return _npstat.IntIntervalVector_swap(self, v)
def begin(self) -> "std::vector< npstat::Interval< int > >::iterator":
return _npstat.IntIntervalVector_begin(self)
def end(self) -> "std::vector< npstat::Interval< int > >::iterator":
return _npstat.IntIntervalVector_end(self)
def rbegin(self) -> "std::vector< npstat::Interval< int > >::reverse_iterator":
return _npstat.IntIntervalVector_rbegin(self)
def rend(self) -> "std::vector< npstat::Interval< int > >::reverse_iterator":
return _npstat.IntIntervalVector_rend(self)
def clear(self) -> "void":
return _npstat.IntIntervalVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::Interval< int > >::allocator_type":
return _npstat.IntIntervalVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.IntIntervalVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::Interval< int > >::iterator":
return _npstat.IntIntervalVector_erase(self, *args)
def __init__(self, *args):
_npstat.IntIntervalVector_swiginit(self, _npstat.new_IntIntervalVector(*args))
def push_back(self, x: "IntInterval") -> "void":
return _npstat.IntIntervalVector_push_back(self, x)
def front(self) -> "std::vector< npstat::Interval< int > >::value_type const &":
return _npstat.IntIntervalVector_front(self)
def back(self) -> "std::vector< npstat::Interval< int > >::value_type const &":
return _npstat.IntIntervalVector_back(self)
def assign(self, n: "std::vector< npstat::Interval< int > >::size_type", x: "IntInterval") -> "void":
return _npstat.IntIntervalVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.IntIntervalVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.IntIntervalVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::Interval< int > >::size_type") -> "void":
return _npstat.IntIntervalVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::Interval< int > >::size_type":
return _npstat.IntIntervalVector_capacity(self)
__swig_destroy__ = _npstat.delete_IntIntervalVector
# Register IntIntervalVector in _npstat:
_npstat.IntIntervalVector_swigregister(IntIntervalVector)
class UIntIntervalVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.UIntIntervalVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.UIntIntervalVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.UIntIntervalVector___bool__(self)
def __len__(self) -> "std::vector< npstat::Interval< unsigned int > >::size_type":
return _npstat.UIntIntervalVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::Interval< unsigned int > >::difference_type", j: "std::vector< npstat::Interval< unsigned int > >::difference_type") -> "std::vector< npstat::Interval< unsigned int >,std::allocator< npstat::Interval< unsigned int > > > *":
return _npstat.UIntIntervalVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.UIntIntervalVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::Interval< unsigned int > >::difference_type", j: "std::vector< npstat::Interval< unsigned int > >::difference_type") -> "void":
return _npstat.UIntIntervalVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.UIntIntervalVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::Interval< unsigned int > >::value_type const &":
return _npstat.UIntIntervalVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.UIntIntervalVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::Interval< unsigned int > >::value_type":
return _npstat.UIntIntervalVector_pop(self)
def append(self, x: "UIntInterval") -> "void":
return _npstat.UIntIntervalVector_append(self, x)
def empty(self) -> "bool":
return _npstat.UIntIntervalVector_empty(self)
def size(self) -> "std::vector< npstat::Interval< unsigned int > >::size_type":
return _npstat.UIntIntervalVector_size(self)
def swap(self, v: "UIntIntervalVector") -> "void":
return _npstat.UIntIntervalVector_swap(self, v)
def begin(self) -> "std::vector< npstat::Interval< unsigned int > >::iterator":
return _npstat.UIntIntervalVector_begin(self)
def end(self) -> "std::vector< npstat::Interval< unsigned int > >::iterator":
return _npstat.UIntIntervalVector_end(self)
def rbegin(self) -> "std::vector< npstat::Interval< unsigned int > >::reverse_iterator":
return _npstat.UIntIntervalVector_rbegin(self)
def rend(self) -> "std::vector< npstat::Interval< unsigned int > >::reverse_iterator":
return _npstat.UIntIntervalVector_rend(self)
def clear(self) -> "void":
return _npstat.UIntIntervalVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::Interval< unsigned int > >::allocator_type":
return _npstat.UIntIntervalVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.UIntIntervalVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::Interval< unsigned int > >::iterator":
return _npstat.UIntIntervalVector_erase(self, *args)
def __init__(self, *args):
_npstat.UIntIntervalVector_swiginit(self, _npstat.new_UIntIntervalVector(*args))
def push_back(self, x: "UIntInterval") -> "void":
return _npstat.UIntIntervalVector_push_back(self, x)
def front(self) -> "std::vector< npstat::Interval< unsigned int > >::value_type const &":
return _npstat.UIntIntervalVector_front(self)
def back(self) -> "std::vector< npstat::Interval< unsigned int > >::value_type const &":
return _npstat.UIntIntervalVector_back(self)
def assign(self, n: "std::vector< npstat::Interval< unsigned int > >::size_type", x: "UIntInterval") -> "void":
return _npstat.UIntIntervalVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.UIntIntervalVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.UIntIntervalVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::Interval< unsigned int > >::size_type") -> "void":
return _npstat.UIntIntervalVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::Interval< unsigned int > >::size_type":
return _npstat.UIntIntervalVector_capacity(self)
__swig_destroy__ = _npstat.delete_UIntIntervalVector
# Register UIntIntervalVector in _npstat:
_npstat.UIntIntervalVector_swigregister(UIntIntervalVector)
class LongIntervalVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.LongIntervalVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.LongIntervalVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.LongIntervalVector___bool__(self)
def __len__(self) -> "std::vector< npstat::Interval< long > >::size_type":
return _npstat.LongIntervalVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::Interval< long > >::difference_type", j: "std::vector< npstat::Interval< long > >::difference_type") -> "std::vector< npstat::Interval< long >,std::allocator< npstat::Interval< long > > > *":
return _npstat.LongIntervalVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.LongIntervalVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::Interval< long > >::difference_type", j: "std::vector< npstat::Interval< long > >::difference_type") -> "void":
return _npstat.LongIntervalVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.LongIntervalVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::Interval< long > >::value_type const &":
return _npstat.LongIntervalVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.LongIntervalVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::Interval< long > >::value_type":
return _npstat.LongIntervalVector_pop(self)
def append(self, x: "LongInterval") -> "void":
return _npstat.LongIntervalVector_append(self, x)
def empty(self) -> "bool":
return _npstat.LongIntervalVector_empty(self)
def size(self) -> "std::vector< npstat::Interval< long > >::size_type":
return _npstat.LongIntervalVector_size(self)
def swap(self, v: "LongIntervalVector") -> "void":
return _npstat.LongIntervalVector_swap(self, v)
def begin(self) -> "std::vector< npstat::Interval< long > >::iterator":
return _npstat.LongIntervalVector_begin(self)
def end(self) -> "std::vector< npstat::Interval< long > >::iterator":
return _npstat.LongIntervalVector_end(self)
def rbegin(self) -> "std::vector< npstat::Interval< long > >::reverse_iterator":
return _npstat.LongIntervalVector_rbegin(self)
def rend(self) -> "std::vector< npstat::Interval< long > >::reverse_iterator":
return _npstat.LongIntervalVector_rend(self)
def clear(self) -> "void":
return _npstat.LongIntervalVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::Interval< long > >::allocator_type":
return _npstat.LongIntervalVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.LongIntervalVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::Interval< long > >::iterator":
return _npstat.LongIntervalVector_erase(self, *args)
def __init__(self, *args):
_npstat.LongIntervalVector_swiginit(self, _npstat.new_LongIntervalVector(*args))
def push_back(self, x: "LongInterval") -> "void":
return _npstat.LongIntervalVector_push_back(self, x)
def front(self) -> "std::vector< npstat::Interval< long > >::value_type const &":
return _npstat.LongIntervalVector_front(self)
def back(self) -> "std::vector< npstat::Interval< long > >::value_type const &":
return _npstat.LongIntervalVector_back(self)
def assign(self, n: "std::vector< npstat::Interval< long > >::size_type", x: "LongInterval") -> "void":
return _npstat.LongIntervalVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.LongIntervalVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.LongIntervalVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::Interval< long > >::size_type") -> "void":
return _npstat.LongIntervalVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::Interval< long > >::size_type":
return _npstat.LongIntervalVector_capacity(self)
__swig_destroy__ = _npstat.delete_LongIntervalVector
# Register LongIntervalVector in _npstat:
_npstat.LongIntervalVector_swigregister(LongIntervalVector)
class FloatIntervalVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.FloatIntervalVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.FloatIntervalVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.FloatIntervalVector___bool__(self)
def __len__(self) -> "std::vector< npstat::Interval< float > >::size_type":
return _npstat.FloatIntervalVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::Interval< float > >::difference_type", j: "std::vector< npstat::Interval< float > >::difference_type") -> "std::vector< npstat::Interval< float >,std::allocator< npstat::Interval< float > > > *":
return _npstat.FloatIntervalVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.FloatIntervalVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::Interval< float > >::difference_type", j: "std::vector< npstat::Interval< float > >::difference_type") -> "void":
return _npstat.FloatIntervalVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.FloatIntervalVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::Interval< float > >::value_type const &":
return _npstat.FloatIntervalVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.FloatIntervalVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::Interval< float > >::value_type":
return _npstat.FloatIntervalVector_pop(self)
def append(self, x: "FloatInterval") -> "void":
return _npstat.FloatIntervalVector_append(self, x)
def empty(self) -> "bool":
return _npstat.FloatIntervalVector_empty(self)
def size(self) -> "std::vector< npstat::Interval< float > >::size_type":
return _npstat.FloatIntervalVector_size(self)
def swap(self, v: "FloatIntervalVector") -> "void":
return _npstat.FloatIntervalVector_swap(self, v)
def begin(self) -> "std::vector< npstat::Interval< float > >::iterator":
return _npstat.FloatIntervalVector_begin(self)
def end(self) -> "std::vector< npstat::Interval< float > >::iterator":
return _npstat.FloatIntervalVector_end(self)
def rbegin(self) -> "std::vector< npstat::Interval< float > >::reverse_iterator":
return _npstat.FloatIntervalVector_rbegin(self)
def rend(self) -> "std::vector< npstat::Interval< float > >::reverse_iterator":
return _npstat.FloatIntervalVector_rend(self)
def clear(self) -> "void":
return _npstat.FloatIntervalVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::Interval< float > >::allocator_type":
return _npstat.FloatIntervalVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.FloatIntervalVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::Interval< float > >::iterator":
return _npstat.FloatIntervalVector_erase(self, *args)
def __init__(self, *args):
_npstat.FloatIntervalVector_swiginit(self, _npstat.new_FloatIntervalVector(*args))
def push_back(self, x: "FloatInterval") -> "void":
return _npstat.FloatIntervalVector_push_back(self, x)
def front(self) -> "std::vector< npstat::Interval< float > >::value_type const &":
return _npstat.FloatIntervalVector_front(self)
def back(self) -> "std::vector< npstat::Interval< float > >::value_type const &":
return _npstat.FloatIntervalVector_back(self)
def assign(self, n: "std::vector< npstat::Interval< float > >::size_type", x: "FloatInterval") -> "void":
return _npstat.FloatIntervalVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.FloatIntervalVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.FloatIntervalVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::Interval< float > >::size_type") -> "void":
return _npstat.FloatIntervalVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::Interval< float > >::size_type":
return _npstat.FloatIntervalVector_capacity(self)
__swig_destroy__ = _npstat.delete_FloatIntervalVector
# Register FloatIntervalVector in _npstat:
_npstat.FloatIntervalVector_swigregister(FloatIntervalVector)
class DoubleIntervalVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.DoubleIntervalVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.DoubleIntervalVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.DoubleIntervalVector___bool__(self)
def __len__(self) -> "std::vector< npstat::Interval< double > >::size_type":
return _npstat.DoubleIntervalVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::Interval< double > >::difference_type", j: "std::vector< npstat::Interval< double > >::difference_type") -> "std::vector< npstat::Interval< double >,std::allocator< npstat::Interval< double > > > *":
return _npstat.DoubleIntervalVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.DoubleIntervalVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::Interval< double > >::difference_type", j: "std::vector< npstat::Interval< double > >::difference_type") -> "void":
return _npstat.DoubleIntervalVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.DoubleIntervalVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::Interval< double > >::value_type const &":
return _npstat.DoubleIntervalVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.DoubleIntervalVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::Interval< double > >::value_type":
return _npstat.DoubleIntervalVector_pop(self)
def append(self, x: "DoubleInterval") -> "void":
return _npstat.DoubleIntervalVector_append(self, x)
def empty(self) -> "bool":
return _npstat.DoubleIntervalVector_empty(self)
def size(self) -> "std::vector< npstat::Interval< double > >::size_type":
return _npstat.DoubleIntervalVector_size(self)
def swap(self, v: "DoubleIntervalVector") -> "void":
return _npstat.DoubleIntervalVector_swap(self, v)
def begin(self) -> "std::vector< npstat::Interval< double > >::iterator":
return _npstat.DoubleIntervalVector_begin(self)
def end(self) -> "std::vector< npstat::Interval< double > >::iterator":
return _npstat.DoubleIntervalVector_end(self)
def rbegin(self) -> "std::vector< npstat::Interval< double > >::reverse_iterator":
return _npstat.DoubleIntervalVector_rbegin(self)
def rend(self) -> "std::vector< npstat::Interval< double > >::reverse_iterator":
return _npstat.DoubleIntervalVector_rend(self)
def clear(self) -> "void":
return _npstat.DoubleIntervalVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::Interval< double > >::allocator_type":
return _npstat.DoubleIntervalVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.DoubleIntervalVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::Interval< double > >::iterator":
return _npstat.DoubleIntervalVector_erase(self, *args)
def __init__(self, *args):
_npstat.DoubleIntervalVector_swiginit(self, _npstat.new_DoubleIntervalVector(*args))
def push_back(self, x: "DoubleInterval") -> "void":
return _npstat.DoubleIntervalVector_push_back(self, x)
def front(self) -> "std::vector< npstat::Interval< double > >::value_type const &":
return _npstat.DoubleIntervalVector_front(self)
def back(self) -> "std::vector< npstat::Interval< double > >::value_type const &":
return _npstat.DoubleIntervalVector_back(self)
def assign(self, n: "std::vector< npstat::Interval< double > >::size_type", x: "DoubleInterval") -> "void":
return _npstat.DoubleIntervalVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.DoubleIntervalVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.DoubleIntervalVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::Interval< double > >::size_type") -> "void":
return _npstat.DoubleIntervalVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::Interval< double > >::size_type":
return _npstat.DoubleIntervalVector_capacity(self)
__swig_destroy__ = _npstat.delete_DoubleIntervalVector
# Register DoubleIntervalVector in _npstat:
_npstat.DoubleIntervalVector_swigregister(DoubleIntervalVector)
class UCharIntervalVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.UCharIntervalVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.UCharIntervalVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.UCharIntervalVector___bool__(self)
def __len__(self) -> "std::vector< npstat::Interval< unsigned char > >::size_type":
return _npstat.UCharIntervalVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::Interval< unsigned char > >::difference_type", j: "std::vector< npstat::Interval< unsigned char > >::difference_type") -> "std::vector< npstat::Interval< unsigned char >,std::allocator< npstat::Interval< unsigned char > > > *":
return _npstat.UCharIntervalVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.UCharIntervalVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::Interval< unsigned char > >::difference_type", j: "std::vector< npstat::Interval< unsigned char > >::difference_type") -> "void":
return _npstat.UCharIntervalVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.UCharIntervalVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::Interval< unsigned char > >::value_type const &":
return _npstat.UCharIntervalVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.UCharIntervalVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::Interval< unsigned char > >::value_type":
return _npstat.UCharIntervalVector_pop(self)
def append(self, x: "UCharInterval") -> "void":
return _npstat.UCharIntervalVector_append(self, x)
def empty(self) -> "bool":
return _npstat.UCharIntervalVector_empty(self)
def size(self) -> "std::vector< npstat::Interval< unsigned char > >::size_type":
return _npstat.UCharIntervalVector_size(self)
def swap(self, v: "UCharIntervalVector") -> "void":
return _npstat.UCharIntervalVector_swap(self, v)
def begin(self) -> "std::vector< npstat::Interval< unsigned char > >::iterator":
return _npstat.UCharIntervalVector_begin(self)
def end(self) -> "std::vector< npstat::Interval< unsigned char > >::iterator":
return _npstat.UCharIntervalVector_end(self)
def rbegin(self) -> "std::vector< npstat::Interval< unsigned char > >::reverse_iterator":
return _npstat.UCharIntervalVector_rbegin(self)
def rend(self) -> "std::vector< npstat::Interval< unsigned char > >::reverse_iterator":
return _npstat.UCharIntervalVector_rend(self)
def clear(self) -> "void":
return _npstat.UCharIntervalVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::Interval< unsigned char > >::allocator_type":
return _npstat.UCharIntervalVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.UCharIntervalVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::Interval< unsigned char > >::iterator":
return _npstat.UCharIntervalVector_erase(self, *args)
def __init__(self, *args):
_npstat.UCharIntervalVector_swiginit(self, _npstat.new_UCharIntervalVector(*args))
def push_back(self, x: "UCharInterval") -> "void":
return _npstat.UCharIntervalVector_push_back(self, x)
def front(self) -> "std::vector< npstat::Interval< unsigned char > >::value_type const &":
return _npstat.UCharIntervalVector_front(self)
def back(self) -> "std::vector< npstat::Interval< unsigned char > >::value_type const &":
return _npstat.UCharIntervalVector_back(self)
def assign(self, n: "std::vector< npstat::Interval< unsigned char > >::size_type", x: "UCharInterval") -> "void":
return _npstat.UCharIntervalVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.UCharIntervalVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.UCharIntervalVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::Interval< unsigned char > >::size_type") -> "void":
return _npstat.UCharIntervalVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::Interval< unsigned char > >::size_type":
return _npstat.UCharIntervalVector_capacity(self)
__swig_destroy__ = _npstat.delete_UCharIntervalVector
# Register UCharIntervalVector in _npstat:
_npstat.UCharIntervalVector_swigregister(UCharIntervalVector)
class UCharBoxND(UCharIntervalVector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.UCharBoxND_swiginit(self, _npstat.new_UCharBoxND(*args))
def dim(self) -> "unsigned long":
return _npstat.UCharBoxND_dim(self)
def volume(self) -> "unsigned char":
return _npstat.UCharBoxND_volume(self)
def __imul__(self, *args) -> "npstat::BoxND< unsigned char > &":
return _npstat.UCharBoxND___imul__(self, *args)
def __itruediv__(self, *args):
return _npstat.UCharBoxND___itruediv__(self, *args)
__idiv__ = __itruediv__
def expand(self, *args) -> "npstat::BoxND< unsigned char > &":
return _npstat.UCharBoxND_expand(self, *args)
def moveToOrigin(self) -> "npstat::BoxND< unsigned char > &":
return _npstat.UCharBoxND_moveToOrigin(self)
def overlapVolume(self, r: "UCharBoxND") -> "unsigned char":
return _npstat.UCharBoxND_overlapVolume(self, r)
def overlapFraction(self, r: "UCharBoxND") -> "double":
return _npstat.UCharBoxND_overlapFraction(self, r)
def getLowerCorner(self, coord: "unsigned char *", coordLen: "unsigned long") -> "void":
return _npstat.UCharBoxND_getLowerCorner(self, coord, coordLen)
def lowerCorner(self) -> "std::vector< unsigned char,std::allocator< unsigned char > >":
return _npstat.UCharBoxND_lowerCorner(self)
def getUpperCorner(self, coord: "unsigned char *", coordLen: "unsigned long") -> "void":
return _npstat.UCharBoxND_getUpperCorner(self, coord, coordLen)
def upperCorner(self) -> "std::vector< unsigned char,std::allocator< unsigned char > >":
return _npstat.UCharBoxND_upperCorner(self)
def lengths(self) -> "std::vector< unsigned char,std::allocator< unsigned char > >":
return _npstat.UCharBoxND_lengths(self)
def midpoint(self) -> "std::vector< unsigned char,std::allocator< unsigned char > >":
return _npstat.UCharBoxND_midpoint(self)
@staticmethod
def unitBox(ndim: "unsigned long") -> "npstat::BoxND< unsigned char >":
return _npstat.UCharBoxND_unitBox(ndim)
@staticmethod
def sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< unsigned char >":
return _npstat.UCharBoxND_sizeTwoBox(ndim)
@staticmethod
def allSpace(ndim: "unsigned long") -> "npstat::BoxND< unsigned char >":
return _npstat.UCharBoxND_allSpace(ndim)
def classId(self) -> "gs::ClassId":
return _npstat.UCharBoxND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.UCharBoxND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.UCharBoxND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UCharBoxND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", box: "UCharBoxND") -> "void":
return _npstat.UCharBoxND_restore(id, _in, box)
__swig_destroy__ = _npstat.delete_UCharBoxND
# Register UCharBoxND in _npstat:
_npstat.UCharBoxND_swigregister(UCharBoxND)
def UCharBoxND_unitBox(ndim: "unsigned long") -> "npstat::BoxND< unsigned char >":
return _npstat.UCharBoxND_unitBox(ndim)
def UCharBoxND_sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< unsigned char >":
return _npstat.UCharBoxND_sizeTwoBox(ndim)
def UCharBoxND_allSpace(ndim: "unsigned long") -> "npstat::BoxND< unsigned char >":
return _npstat.UCharBoxND_allSpace(ndim)
def UCharBoxND_classname() -> "char const *":
return _npstat.UCharBoxND_classname()
def UCharBoxND_version() -> "unsigned int":
return _npstat.UCharBoxND_version()
def UCharBoxND_restore(id: "ClassId", _in: "istream", box: "UCharBoxND") -> "void":
return _npstat.UCharBoxND_restore(id, _in, box)
class ArchiveRecord_UCharBoxND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UCharBoxND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_UCharBoxND_swiginit(self, _npstat.new_ArchiveRecord_UCharBoxND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_UCharBoxND
# Register ArchiveRecord_UCharBoxND in _npstat:
_npstat.ArchiveRecord_UCharBoxND_swigregister(ArchiveRecord_UCharBoxND)
class Ref_UCharBoxND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UCharBoxND_swiginit(self, _npstat.new_Ref_UCharBoxND(*args))
def restore(self, index: "unsigned long", obj: "UCharBoxND") -> "void":
return _npstat.Ref_UCharBoxND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::BoxND< unsigned char > *":
return _npstat.Ref_UCharBoxND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::BoxND< unsigned char >":
return _npstat.Ref_UCharBoxND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UCharBoxND
# Register Ref_UCharBoxND in _npstat:
_npstat.Ref_UCharBoxND_swigregister(Ref_UCharBoxND)
class IntBoxND(IntIntervalVector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.IntBoxND_swiginit(self, _npstat.new_IntBoxND(*args))
def dim(self) -> "unsigned long":
return _npstat.IntBoxND_dim(self)
def volume(self) -> "int":
return _npstat.IntBoxND_volume(self)
def __imul__(self, *args) -> "npstat::BoxND< int > &":
return _npstat.IntBoxND___imul__(self, *args)
def __itruediv__(self, *args):
return _npstat.IntBoxND___itruediv__(self, *args)
__idiv__ = __itruediv__
def expand(self, *args) -> "npstat::BoxND< int > &":
return _npstat.IntBoxND_expand(self, *args)
def moveToOrigin(self) -> "npstat::BoxND< int > &":
return _npstat.IntBoxND_moveToOrigin(self)
def overlapVolume(self, r: "IntBoxND") -> "int":
return _npstat.IntBoxND_overlapVolume(self, r)
def overlapFraction(self, r: "IntBoxND") -> "double":
return _npstat.IntBoxND_overlapFraction(self, r)
def getLowerCorner(self, coord: "int *", coordLen: "unsigned long") -> "void":
return _npstat.IntBoxND_getLowerCorner(self, coord, coordLen)
def lowerCorner(self) -> "std::vector< int,std::allocator< int > >":
return _npstat.IntBoxND_lowerCorner(self)
def getUpperCorner(self, coord: "int *", coordLen: "unsigned long") -> "void":
return _npstat.IntBoxND_getUpperCorner(self, coord, coordLen)
def upperCorner(self) -> "std::vector< int,std::allocator< int > >":
return _npstat.IntBoxND_upperCorner(self)
def lengths(self) -> "std::vector< int,std::allocator< int > >":
return _npstat.IntBoxND_lengths(self)
def midpoint(self) -> "std::vector< int,std::allocator< int > >":
return _npstat.IntBoxND_midpoint(self)
@staticmethod
def unitBox(ndim: "unsigned long") -> "npstat::BoxND< int >":
return _npstat.IntBoxND_unitBox(ndim)
@staticmethod
def sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< int >":
return _npstat.IntBoxND_sizeTwoBox(ndim)
@staticmethod
def allSpace(ndim: "unsigned long") -> "npstat::BoxND< int >":
return _npstat.IntBoxND_allSpace(ndim)
def classId(self) -> "gs::ClassId":
return _npstat.IntBoxND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.IntBoxND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.IntBoxND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IntBoxND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", box: "IntBoxND") -> "void":
return _npstat.IntBoxND_restore(id, _in, box)
__swig_destroy__ = _npstat.delete_IntBoxND
# Register IntBoxND in _npstat:
_npstat.IntBoxND_swigregister(IntBoxND)
def IntBoxND_unitBox(ndim: "unsigned long") -> "npstat::BoxND< int >":
return _npstat.IntBoxND_unitBox(ndim)
def IntBoxND_sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< int >":
return _npstat.IntBoxND_sizeTwoBox(ndim)
def IntBoxND_allSpace(ndim: "unsigned long") -> "npstat::BoxND< int >":
return _npstat.IntBoxND_allSpace(ndim)
def IntBoxND_classname() -> "char const *":
return _npstat.IntBoxND_classname()
def IntBoxND_version() -> "unsigned int":
return _npstat.IntBoxND_version()
def IntBoxND_restore(id: "ClassId", _in: "istream", box: "IntBoxND") -> "void":
return _npstat.IntBoxND_restore(id, _in, box)
class ArchiveRecord_IntBoxND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "IntBoxND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_IntBoxND_swiginit(self, _npstat.new_ArchiveRecord_IntBoxND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_IntBoxND
# Register ArchiveRecord_IntBoxND in _npstat:
_npstat.ArchiveRecord_IntBoxND_swigregister(ArchiveRecord_IntBoxND)
class Ref_IntBoxND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IntBoxND_swiginit(self, _npstat.new_Ref_IntBoxND(*args))
def restore(self, index: "unsigned long", obj: "IntBoxND") -> "void":
return _npstat.Ref_IntBoxND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::BoxND< int > *":
return _npstat.Ref_IntBoxND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::BoxND< int >":
return _npstat.Ref_IntBoxND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_IntBoxND
# Register Ref_IntBoxND in _npstat:
_npstat.Ref_IntBoxND_swigregister(Ref_IntBoxND)
class LongBoxND(LongIntervalVector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LongBoxND_swiginit(self, _npstat.new_LongBoxND(*args))
def dim(self) -> "unsigned long":
return _npstat.LongBoxND_dim(self)
def volume(self) -> "long":
return _npstat.LongBoxND_volume(self)
def __imul__(self, *args) -> "npstat::BoxND< long > &":
return _npstat.LongBoxND___imul__(self, *args)
def __itruediv__(self, *args):
return _npstat.LongBoxND___itruediv__(self, *args)
__idiv__ = __itruediv__
def expand(self, *args) -> "npstat::BoxND< long > &":
return _npstat.LongBoxND_expand(self, *args)
def moveToOrigin(self) -> "npstat::BoxND< long > &":
return _npstat.LongBoxND_moveToOrigin(self)
def overlapVolume(self, r: "LongBoxND") -> "long":
return _npstat.LongBoxND_overlapVolume(self, r)
def overlapFraction(self, r: "LongBoxND") -> "double":
return _npstat.LongBoxND_overlapFraction(self, r)
def getLowerCorner(self, coord: "long *", coordLen: "unsigned long") -> "void":
return _npstat.LongBoxND_getLowerCorner(self, coord, coordLen)
def lowerCorner(self) -> "std::vector< long,std::allocator< long > >":
return _npstat.LongBoxND_lowerCorner(self)
def getUpperCorner(self, coord: "long *", coordLen: "unsigned long") -> "void":
return _npstat.LongBoxND_getUpperCorner(self, coord, coordLen)
def upperCorner(self) -> "std::vector< long,std::allocator< long > >":
return _npstat.LongBoxND_upperCorner(self)
def lengths(self) -> "std::vector< long,std::allocator< long > >":
return _npstat.LongBoxND_lengths(self)
def midpoint(self) -> "std::vector< long,std::allocator< long > >":
return _npstat.LongBoxND_midpoint(self)
@staticmethod
def unitBox(ndim: "unsigned long") -> "npstat::BoxND< long >":
return _npstat.LongBoxND_unitBox(ndim)
@staticmethod
def sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< long >":
return _npstat.LongBoxND_sizeTwoBox(ndim)
@staticmethod
def allSpace(ndim: "unsigned long") -> "npstat::BoxND< long >":
return _npstat.LongBoxND_allSpace(ndim)
def classId(self) -> "gs::ClassId":
return _npstat.LongBoxND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LongBoxND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LongBoxND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LongBoxND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", box: "LongBoxND") -> "void":
return _npstat.LongBoxND_restore(id, _in, box)
__swig_destroy__ = _npstat.delete_LongBoxND
# Register LongBoxND in _npstat:
_npstat.LongBoxND_swigregister(LongBoxND)
def LongBoxND_unitBox(ndim: "unsigned long") -> "npstat::BoxND< long >":
return _npstat.LongBoxND_unitBox(ndim)
def LongBoxND_sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< long >":
return _npstat.LongBoxND_sizeTwoBox(ndim)
def LongBoxND_allSpace(ndim: "unsigned long") -> "npstat::BoxND< long >":
return _npstat.LongBoxND_allSpace(ndim)
def LongBoxND_classname() -> "char const *":
return _npstat.LongBoxND_classname()
def LongBoxND_version() -> "unsigned int":
return _npstat.LongBoxND_version()
def LongBoxND_restore(id: "ClassId", _in: "istream", box: "LongBoxND") -> "void":
return _npstat.LongBoxND_restore(id, _in, box)
class ArchiveRecord_LongBoxND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LongBoxND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LongBoxND_swiginit(self, _npstat.new_ArchiveRecord_LongBoxND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LongBoxND
# Register ArchiveRecord_LongBoxND in _npstat:
_npstat.ArchiveRecord_LongBoxND_swigregister(ArchiveRecord_LongBoxND)
class Ref_LongBoxND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LongBoxND_swiginit(self, _npstat.new_Ref_LongBoxND(*args))
def restore(self, index: "unsigned long", obj: "LongBoxND") -> "void":
return _npstat.Ref_LongBoxND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::BoxND< long > *":
return _npstat.Ref_LongBoxND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::BoxND< long >":
return _npstat.Ref_LongBoxND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LongBoxND
# Register Ref_LongBoxND in _npstat:
_npstat.Ref_LongBoxND_swigregister(Ref_LongBoxND)
class FloatBoxND(FloatIntervalVector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatBoxND_swiginit(self, _npstat.new_FloatBoxND(*args))
def dim(self) -> "unsigned long":
return _npstat.FloatBoxND_dim(self)
def volume(self) -> "float":
return _npstat.FloatBoxND_volume(self)
def __imul__(self, *args) -> "npstat::BoxND< float > &":
return _npstat.FloatBoxND___imul__(self, *args)
def __itruediv__(self, *args):
return _npstat.FloatBoxND___itruediv__(self, *args)
__idiv__ = __itruediv__
def expand(self, *args) -> "npstat::BoxND< float > &":
return _npstat.FloatBoxND_expand(self, *args)
def moveToOrigin(self) -> "npstat::BoxND< float > &":
return _npstat.FloatBoxND_moveToOrigin(self)
def overlapVolume(self, r: "FloatBoxND") -> "float":
return _npstat.FloatBoxND_overlapVolume(self, r)
def overlapFraction(self, r: "FloatBoxND") -> "double":
return _npstat.FloatBoxND_overlapFraction(self, r)
def getLowerCorner(self, coord: "float *", coordLen: "unsigned long") -> "void":
return _npstat.FloatBoxND_getLowerCorner(self, coord, coordLen)
def lowerCorner(self) -> "std::vector< float,std::allocator< float > >":
return _npstat.FloatBoxND_lowerCorner(self)
def getUpperCorner(self, coord: "float *", coordLen: "unsigned long") -> "void":
return _npstat.FloatBoxND_getUpperCorner(self, coord, coordLen)
def upperCorner(self) -> "std::vector< float,std::allocator< float > >":
return _npstat.FloatBoxND_upperCorner(self)
def lengths(self) -> "std::vector< float,std::allocator< float > >":
return _npstat.FloatBoxND_lengths(self)
def midpoint(self) -> "std::vector< float,std::allocator< float > >":
return _npstat.FloatBoxND_midpoint(self)
@staticmethod
def unitBox(ndim: "unsigned long") -> "npstat::BoxND< float >":
return _npstat.FloatBoxND_unitBox(ndim)
@staticmethod
def sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< float >":
return _npstat.FloatBoxND_sizeTwoBox(ndim)
@staticmethod
def allSpace(ndim: "unsigned long") -> "npstat::BoxND< float >":
return _npstat.FloatBoxND_allSpace(ndim)
def classId(self) -> "gs::ClassId":
return _npstat.FloatBoxND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatBoxND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatBoxND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatBoxND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", box: "FloatBoxND") -> "void":
return _npstat.FloatBoxND_restore(id, _in, box)
__swig_destroy__ = _npstat.delete_FloatBoxND
# Register FloatBoxND in _npstat:
_npstat.FloatBoxND_swigregister(FloatBoxND)
def FloatBoxND_unitBox(ndim: "unsigned long") -> "npstat::BoxND< float >":
return _npstat.FloatBoxND_unitBox(ndim)
def FloatBoxND_sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< float >":
return _npstat.FloatBoxND_sizeTwoBox(ndim)
def FloatBoxND_allSpace(ndim: "unsigned long") -> "npstat::BoxND< float >":
return _npstat.FloatBoxND_allSpace(ndim)
def FloatBoxND_classname() -> "char const *":
return _npstat.FloatBoxND_classname()
def FloatBoxND_version() -> "unsigned int":
return _npstat.FloatBoxND_version()
def FloatBoxND_restore(id: "ClassId", _in: "istream", box: "FloatBoxND") -> "void":
return _npstat.FloatBoxND_restore(id, _in, box)
class ArchiveRecord_FloatBoxND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatBoxND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatBoxND_swiginit(self, _npstat.new_ArchiveRecord_FloatBoxND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatBoxND
# Register ArchiveRecord_FloatBoxND in _npstat:
_npstat.ArchiveRecord_FloatBoxND_swigregister(ArchiveRecord_FloatBoxND)
class Ref_FloatBoxND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatBoxND_swiginit(self, _npstat.new_Ref_FloatBoxND(*args))
def restore(self, index: "unsigned long", obj: "FloatBoxND") -> "void":
return _npstat.Ref_FloatBoxND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::BoxND< float > *":
return _npstat.Ref_FloatBoxND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::BoxND< float >":
return _npstat.Ref_FloatBoxND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatBoxND
# Register Ref_FloatBoxND in _npstat:
_npstat.Ref_FloatBoxND_swigregister(Ref_FloatBoxND)
class DoubleBoxND(DoubleIntervalVector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleBoxND_swiginit(self, _npstat.new_DoubleBoxND(*args))
def dim(self) -> "unsigned long":
return _npstat.DoubleBoxND_dim(self)
def volume(self) -> "double":
return _npstat.DoubleBoxND_volume(self)
def __imul__(self, *args) -> "npstat::BoxND< double > &":
return _npstat.DoubleBoxND___imul__(self, *args)
def __itruediv__(self, *args):
return _npstat.DoubleBoxND___itruediv__(self, *args)
__idiv__ = __itruediv__
def expand(self, *args) -> "npstat::BoxND< double > &":
return _npstat.DoubleBoxND_expand(self, *args)
def moveToOrigin(self) -> "npstat::BoxND< double > &":
return _npstat.DoubleBoxND_moveToOrigin(self)
def overlapVolume(self, r: "DoubleBoxND") -> "double":
return _npstat.DoubleBoxND_overlapVolume(self, r)
def overlapFraction(self, r: "DoubleBoxND") -> "double":
return _npstat.DoubleBoxND_overlapFraction(self, r)
def getLowerCorner(self, coord: "double *", coordLen: "unsigned long") -> "void":
return _npstat.DoubleBoxND_getLowerCorner(self, coord, coordLen)
def lowerCorner(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleBoxND_lowerCorner(self)
def getUpperCorner(self, coord: "double *", coordLen: "unsigned long") -> "void":
return _npstat.DoubleBoxND_getUpperCorner(self, coord, coordLen)
def upperCorner(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleBoxND_upperCorner(self)
def lengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleBoxND_lengths(self)
def midpoint(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleBoxND_midpoint(self)
@staticmethod
def unitBox(ndim: "unsigned long") -> "npstat::BoxND< double >":
return _npstat.DoubleBoxND_unitBox(ndim)
@staticmethod
def sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< double >":
return _npstat.DoubleBoxND_sizeTwoBox(ndim)
@staticmethod
def allSpace(ndim: "unsigned long") -> "npstat::BoxND< double >":
return _npstat.DoubleBoxND_allSpace(ndim)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleBoxND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleBoxND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleBoxND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleBoxND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", box: "DoubleBoxND") -> "void":
return _npstat.DoubleBoxND_restore(id, _in, box)
__swig_destroy__ = _npstat.delete_DoubleBoxND
# Register DoubleBoxND in _npstat:
_npstat.DoubleBoxND_swigregister(DoubleBoxND)
def DoubleBoxND_unitBox(ndim: "unsigned long") -> "npstat::BoxND< double >":
return _npstat.DoubleBoxND_unitBox(ndim)
def DoubleBoxND_sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< double >":
return _npstat.DoubleBoxND_sizeTwoBox(ndim)
def DoubleBoxND_allSpace(ndim: "unsigned long") -> "npstat::BoxND< double >":
return _npstat.DoubleBoxND_allSpace(ndim)
def DoubleBoxND_classname() -> "char const *":
return _npstat.DoubleBoxND_classname()
def DoubleBoxND_version() -> "unsigned int":
return _npstat.DoubleBoxND_version()
def DoubleBoxND_restore(id: "ClassId", _in: "istream", box: "DoubleBoxND") -> "void":
return _npstat.DoubleBoxND_restore(id, _in, box)
class ArchiveRecord_DoubleBoxND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleBoxND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleBoxND_swiginit(self, _npstat.new_ArchiveRecord_DoubleBoxND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleBoxND
# Register ArchiveRecord_DoubleBoxND in _npstat:
_npstat.ArchiveRecord_DoubleBoxND_swigregister(ArchiveRecord_DoubleBoxND)
class Ref_DoubleBoxND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleBoxND_swiginit(self, _npstat.new_Ref_DoubleBoxND(*args))
def restore(self, index: "unsigned long", obj: "DoubleBoxND") -> "void":
return _npstat.Ref_DoubleBoxND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::BoxND< double > *":
return _npstat.Ref_DoubleBoxND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::BoxND< double >":
return _npstat.Ref_DoubleBoxND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleBoxND
# Register Ref_DoubleBoxND in _npstat:
_npstat.Ref_DoubleBoxND_swigregister(Ref_DoubleBoxND)
class UIntBoxND(UIntIntervalVector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.UIntBoxND_swiginit(self, _npstat.new_UIntBoxND(*args))
def dim(self) -> "unsigned long":
return _npstat.UIntBoxND_dim(self)
def volume(self) -> "unsigned int":
return _npstat.UIntBoxND_volume(self)
def __imul__(self, *args) -> "npstat::BoxND< unsigned int > &":
return _npstat.UIntBoxND___imul__(self, *args)
def __itruediv__(self, *args):
return _npstat.UIntBoxND___itruediv__(self, *args)
__idiv__ = __itruediv__
def expand(self, *args) -> "npstat::BoxND< unsigned int > &":
return _npstat.UIntBoxND_expand(self, *args)
def moveToOrigin(self) -> "npstat::BoxND< unsigned int > &":
return _npstat.UIntBoxND_moveToOrigin(self)
def overlapVolume(self, r: "UIntBoxND") -> "unsigned int":
return _npstat.UIntBoxND_overlapVolume(self, r)
def overlapFraction(self, r: "UIntBoxND") -> "double":
return _npstat.UIntBoxND_overlapFraction(self, r)
def getLowerCorner(self, coord: "unsigned int *", coordLen: "unsigned long") -> "void":
return _npstat.UIntBoxND_getLowerCorner(self, coord, coordLen)
def lowerCorner(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.UIntBoxND_lowerCorner(self)
def getUpperCorner(self, coord: "unsigned int *", coordLen: "unsigned long") -> "void":
return _npstat.UIntBoxND_getUpperCorner(self, coord, coordLen)
def upperCorner(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.UIntBoxND_upperCorner(self)
def lengths(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.UIntBoxND_lengths(self)
def midpoint(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.UIntBoxND_midpoint(self)
@staticmethod
def unitBox(ndim: "unsigned long") -> "npstat::BoxND< unsigned int >":
return _npstat.UIntBoxND_unitBox(ndim)
@staticmethod
def sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< unsigned int >":
return _npstat.UIntBoxND_sizeTwoBox(ndim)
@staticmethod
def allSpace(ndim: "unsigned long") -> "npstat::BoxND< unsigned int >":
return _npstat.UIntBoxND_allSpace(ndim)
def classId(self) -> "gs::ClassId":
return _npstat.UIntBoxND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.UIntBoxND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.UIntBoxND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UIntBoxND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", box: "UIntBoxND") -> "void":
return _npstat.UIntBoxND_restore(id, _in, box)
__swig_destroy__ = _npstat.delete_UIntBoxND
# Register UIntBoxND in _npstat:
_npstat.UIntBoxND_swigregister(UIntBoxND)
def UIntBoxND_unitBox(ndim: "unsigned long") -> "npstat::BoxND< unsigned int >":
return _npstat.UIntBoxND_unitBox(ndim)
def UIntBoxND_sizeTwoBox(ndim: "unsigned long") -> "npstat::BoxND< unsigned int >":
return _npstat.UIntBoxND_sizeTwoBox(ndim)
def UIntBoxND_allSpace(ndim: "unsigned long") -> "npstat::BoxND< unsigned int >":
return _npstat.UIntBoxND_allSpace(ndim)
def UIntBoxND_classname() -> "char const *":
return _npstat.UIntBoxND_classname()
def UIntBoxND_version() -> "unsigned int":
return _npstat.UIntBoxND_version()
def UIntBoxND_restore(id: "ClassId", _in: "istream", box: "UIntBoxND") -> "void":
return _npstat.UIntBoxND_restore(id, _in, box)
class ArchiveRecord_UIntBoxND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UIntBoxND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_UIntBoxND_swiginit(self, _npstat.new_ArchiveRecord_UIntBoxND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_UIntBoxND
# Register ArchiveRecord_UIntBoxND in _npstat:
_npstat.ArchiveRecord_UIntBoxND_swigregister(ArchiveRecord_UIntBoxND)
class Ref_UIntBoxND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UIntBoxND_swiginit(self, _npstat.new_Ref_UIntBoxND(*args))
def restore(self, index: "unsigned long", obj: "UIntBoxND") -> "void":
return _npstat.Ref_UIntBoxND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::BoxND< unsigned int > *":
return _npstat.Ref_UIntBoxND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::BoxND< unsigned int >":
return _npstat.Ref_UIntBoxND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UIntBoxND
# Register Ref_UIntBoxND in _npstat:
_npstat.Ref_UIntBoxND_swigregister(Ref_UIntBoxND)
class ArrayRange(UIntBoxND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ArrayRange_swiginit(self, _npstat.new_ArrayRange(*args))
def shape(self) -> "npstat::ArrayShape":
return _npstat.ArrayRange_shape(self)
def isCompatible(self, *args) -> "bool":
return _npstat.ArrayRange_isCompatible(self, *args)
def rangeSize(self) -> "unsigned long":
return _npstat.ArrayRange_rangeSize(self)
def __lt__(self, arg2: "ArrayRange") -> "bool":
return _npstat.ArrayRange___lt__(self, arg2)
def stripOuterLayer(self) -> "npstat::ArrayRange &":
return _npstat.ArrayRange_stripOuterLayer(self)
def lowerLimits(self, limits: "unsigned int *", limitsLen: "unsigned int") -> "void":
return _npstat.ArrayRange_lowerLimits(self, limits, limitsLen)
def upperLimits(self, limits: "unsigned int *", limitsLen: "unsigned int") -> "void":
return _npstat.ArrayRange_upperLimits(self, limits, limitsLen)
def rangeLength(self, range: "unsigned int *", rangeLen: "unsigned int") -> "void":
return _npstat.ArrayRange_rangeLength(self, range, rangeLen)
def classId(self) -> "gs::ClassId":
return _npstat.ArrayRange_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.ArrayRange_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.ArrayRange_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ArrayRange_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", box: "ArrayRange") -> "void":
return _npstat.ArrayRange_restore(id, _in, box)
__swig_destroy__ = _npstat.delete_ArrayRange
# Register ArrayRange in _npstat:
_npstat.ArrayRange_swigregister(ArrayRange)
def ArrayRange_classname() -> "char const *":
return _npstat.ArrayRange_classname()
def ArrayRange_version() -> "unsigned int":
return _npstat.ArrayRange_version()
def ArrayRange_restore(id: "ClassId", _in: "istream", box: "ArrayRange") -> "void":
return _npstat.ArrayRange_restore(id, _in, box)
class LinearMapper1d(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LinearMapper1d_swiginit(self, _npstat.new_LinearMapper1d(*args))
def __call__(self, x: "double const &") -> "double":
return _npstat.LinearMapper1d___call__(self, x)
def a(self) -> "double":
return _npstat.LinearMapper1d_a(self)
def b(self) -> "double":
return _npstat.LinearMapper1d_b(self)
def inverse(self) -> "npstat::LinearMapper1dTmpl< double >":
return _npstat.LinearMapper1d_inverse(self)
def __mul__(self, r: "LinearMapper1d") -> "npstat::LinearMapper1dTmpl< double >":
return _npstat.LinearMapper1d___mul__(self, r)
__swig_destroy__ = _npstat.delete_LinearMapper1d
# Register LinearMapper1d in _npstat:
_npstat.LinearMapper1d_swigregister(LinearMapper1d)
class LinearMapper1dVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.LinearMapper1dVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.LinearMapper1dVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.LinearMapper1dVector___bool__(self)
def __len__(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::size_type":
return _npstat.LinearMapper1dVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::LinearMapper1dTmpl< double > >::difference_type", j: "std::vector< npstat::LinearMapper1dTmpl< double > >::difference_type") -> "std::vector< npstat::LinearMapper1dTmpl< double >,std::allocator< npstat::LinearMapper1dTmpl< double > > > *":
return _npstat.LinearMapper1dVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.LinearMapper1dVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::LinearMapper1dTmpl< double > >::difference_type", j: "std::vector< npstat::LinearMapper1dTmpl< double > >::difference_type") -> "void":
return _npstat.LinearMapper1dVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.LinearMapper1dVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::value_type const &":
return _npstat.LinearMapper1dVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.LinearMapper1dVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::value_type":
return _npstat.LinearMapper1dVector_pop(self)
def append(self, x: "LinearMapper1d") -> "void":
return _npstat.LinearMapper1dVector_append(self, x)
def empty(self) -> "bool":
return _npstat.LinearMapper1dVector_empty(self)
def size(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::size_type":
return _npstat.LinearMapper1dVector_size(self)
def swap(self, v: "LinearMapper1dVector") -> "void":
return _npstat.LinearMapper1dVector_swap(self, v)
def begin(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::iterator":
return _npstat.LinearMapper1dVector_begin(self)
def end(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::iterator":
return _npstat.LinearMapper1dVector_end(self)
def rbegin(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::reverse_iterator":
return _npstat.LinearMapper1dVector_rbegin(self)
def rend(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::reverse_iterator":
return _npstat.LinearMapper1dVector_rend(self)
def clear(self) -> "void":
return _npstat.LinearMapper1dVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::allocator_type":
return _npstat.LinearMapper1dVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.LinearMapper1dVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::iterator":
return _npstat.LinearMapper1dVector_erase(self, *args)
def __init__(self, *args):
_npstat.LinearMapper1dVector_swiginit(self, _npstat.new_LinearMapper1dVector(*args))
def push_back(self, x: "LinearMapper1d") -> "void":
return _npstat.LinearMapper1dVector_push_back(self, x)
def front(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::value_type const &":
return _npstat.LinearMapper1dVector_front(self)
def back(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::value_type const &":
return _npstat.LinearMapper1dVector_back(self)
def assign(self, n: "std::vector< npstat::LinearMapper1dTmpl< double > >::size_type", x: "LinearMapper1d") -> "void":
return _npstat.LinearMapper1dVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.LinearMapper1dVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.LinearMapper1dVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::LinearMapper1dTmpl< double > >::size_type") -> "void":
return _npstat.LinearMapper1dVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::LinearMapper1dTmpl< double > >::size_type":
return _npstat.LinearMapper1dVector_capacity(self)
__swig_destroy__ = _npstat.delete_LinearMapper1dVector
# Register LinearMapper1dVector in _npstat:
_npstat.LinearMapper1dVector_swigregister(LinearMapper1dVector)
class CircularMapper1d(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.CircularMapper1d_swiginit(self, _npstat.new_CircularMapper1d(*args))
def __call__(self, x: "double const &") -> "double":
return _npstat.CircularMapper1d___call__(self, x)
def a(self) -> "double":
return _npstat.CircularMapper1d_a(self)
def b(self) -> "double":
return _npstat.CircularMapper1d_b(self)
def period(self) -> "double":
return _npstat.CircularMapper1d_period(self)
def linearMapper(self) -> "npstat::LinearMapper1d":
return _npstat.CircularMapper1d_linearMapper(self)
__swig_destroy__ = _npstat.delete_CircularMapper1d
# Register CircularMapper1d in _npstat:
_npstat.CircularMapper1d_swigregister(CircularMapper1d)
class CircularMapper1dVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.CircularMapper1dVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.CircularMapper1dVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.CircularMapper1dVector___bool__(self)
def __len__(self) -> "std::vector< npstat::CircularMapper1d >::size_type":
return _npstat.CircularMapper1dVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::CircularMapper1d >::difference_type", j: "std::vector< npstat::CircularMapper1d >::difference_type") -> "std::vector< npstat::CircularMapper1d,std::allocator< npstat::CircularMapper1d > > *":
return _npstat.CircularMapper1dVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.CircularMapper1dVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::CircularMapper1d >::difference_type", j: "std::vector< npstat::CircularMapper1d >::difference_type") -> "void":
return _npstat.CircularMapper1dVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.CircularMapper1dVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::CircularMapper1d >::value_type const &":
return _npstat.CircularMapper1dVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.CircularMapper1dVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::CircularMapper1d >::value_type":
return _npstat.CircularMapper1dVector_pop(self)
def append(self, x: "CircularMapper1d") -> "void":
return _npstat.CircularMapper1dVector_append(self, x)
def empty(self) -> "bool":
return _npstat.CircularMapper1dVector_empty(self)
def size(self) -> "std::vector< npstat::CircularMapper1d >::size_type":
return _npstat.CircularMapper1dVector_size(self)
def swap(self, v: "CircularMapper1dVector") -> "void":
return _npstat.CircularMapper1dVector_swap(self, v)
def begin(self) -> "std::vector< npstat::CircularMapper1d >::iterator":
return _npstat.CircularMapper1dVector_begin(self)
def end(self) -> "std::vector< npstat::CircularMapper1d >::iterator":
return _npstat.CircularMapper1dVector_end(self)
def rbegin(self) -> "std::vector< npstat::CircularMapper1d >::reverse_iterator":
return _npstat.CircularMapper1dVector_rbegin(self)
def rend(self) -> "std::vector< npstat::CircularMapper1d >::reverse_iterator":
return _npstat.CircularMapper1dVector_rend(self)
def clear(self) -> "void":
return _npstat.CircularMapper1dVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::CircularMapper1d >::allocator_type":
return _npstat.CircularMapper1dVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.CircularMapper1dVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::CircularMapper1d >::iterator":
return _npstat.CircularMapper1dVector_erase(self, *args)
def __init__(self, *args):
_npstat.CircularMapper1dVector_swiginit(self, _npstat.new_CircularMapper1dVector(*args))
def push_back(self, x: "CircularMapper1d") -> "void":
return _npstat.CircularMapper1dVector_push_back(self, x)
def front(self) -> "std::vector< npstat::CircularMapper1d >::value_type const &":
return _npstat.CircularMapper1dVector_front(self)
def back(self) -> "std::vector< npstat::CircularMapper1d >::value_type const &":
return _npstat.CircularMapper1dVector_back(self)
def assign(self, n: "std::vector< npstat::CircularMapper1d >::size_type", x: "CircularMapper1d") -> "void":
return _npstat.CircularMapper1dVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.CircularMapper1dVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.CircularMapper1dVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::CircularMapper1d >::size_type") -> "void":
return _npstat.CircularMapper1dVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::CircularMapper1d >::size_type":
return _npstat.CircularMapper1dVector_capacity(self)
__swig_destroy__ = _npstat.delete_CircularMapper1dVector
# Register CircularMapper1dVector in _npstat:
_npstat.CircularMapper1dVector_swigregister(CircularMapper1dVector)
def binomialCoefficient(N: "unsigned int", M: "unsigned int") -> "unsigned long":
return _npstat.binomialCoefficient(N, M)
def ldBinomialCoefficient(N: "unsigned int", M: "unsigned int") -> "long double":
return _npstat.ldBinomialCoefficient(N, M)
def findRootInLogSpace(f: "DoubleFunctor1", rhs: "double const &", x0: "double const &", tol: "double", x: "double *", logstep: "double"=0.5) -> "bool":
return _npstat.findRootInLogSpace(f, rhs, x0, tol, x, logstep)
OPOLY_STIELTJES = _npstat.OPOLY_STIELTJES
OPOLY_LANCZOS = _npstat.OPOLY_LANCZOS
def parseOrthoPolyMethod(methodName: "char const *") -> "npstat::OrthoPolyMethod":
return _npstat.parseOrthoPolyMethod(methodName)
def orthoPolyMethodName(m: "npstat::OrthoPolyMethod") -> "char const *":
return _npstat.orthoPolyMethodName(m)
def validOrthoPolyMethodNames() -> "std::string":
return _npstat.validOrthoPolyMethodNames()
class StorablePolySeries1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_StorablePolySeries1D
def __call__(self, x: "double const &") -> "double":
return _npstat.StorablePolySeries1D___call__(self, x)
def xmin(self) -> "double":
return _npstat.StorablePolySeries1D_xmin(self)
def xmax(self) -> "double":
return _npstat.StorablePolySeries1D_xmax(self)
def maxDegCoeffs(self) -> "unsigned int":
return _npstat.StorablePolySeries1D_maxDegCoeffs(self)
def getCoefficient(self, i: "unsigned int const") -> "double":
return _npstat.StorablePolySeries1D_getCoefficient(self, i)
def maxDegPoly(self) -> "unsigned int":
return _npstat.StorablePolySeries1D_maxDegPoly(self)
def getShift(self) -> "double":
return _npstat.StorablePolySeries1D_getShift(self)
def poly(self, deg: "unsigned int const", x: "double const") -> "double":
return _npstat.StorablePolySeries1D_poly(self, deg, x)
def series(self, coeffs: "double const *", maxdeg: "unsigned int const", x: "double const") -> "double":
return _npstat.StorablePolySeries1D_series(self, coeffs, maxdeg, x)
def integratePoly(self, *args) -> "double":
return _npstat.StorablePolySeries1D_integratePoly(self, *args)
def setCoeffs(self, coeffs: "double const *", maxdeg: "unsigned int") -> "void":
return _npstat.StorablePolySeries1D_setCoeffs(self, coeffs, maxdeg)
def __eq__(self, r: "StorablePolySeries1D") -> "bool":
return _npstat.StorablePolySeries1D___eq__(self, r)
def __ne__(self, r: "StorablePolySeries1D") -> "bool":
return _npstat.StorablePolySeries1D___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.StorablePolySeries1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.StorablePolySeries1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.StorablePolySeries1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StorablePolySeries1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorablePolySeries1D *":
return _npstat.StorablePolySeries1D_read(id, _in)
# Register StorablePolySeries1D in _npstat:
_npstat.StorablePolySeries1D_swigregister(StorablePolySeries1D)
def StorablePolySeries1D_classname() -> "char const *":
return _npstat.StorablePolySeries1D_classname()
def StorablePolySeries1D_version() -> "unsigned int":
return _npstat.StorablePolySeries1D_version()
def StorablePolySeries1D_read(id: "ClassId", _in: "istream") -> "npstat::StorablePolySeries1D *":
return _npstat.StorablePolySeries1D_read(id, _in)
class ArchiveRecord_StorablePolySeries1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StorablePolySeries1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StorablePolySeries1D_swiginit(self, _npstat.new_ArchiveRecord_StorablePolySeries1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StorablePolySeries1D
# Register ArchiveRecord_StorablePolySeries1D in _npstat:
_npstat.ArchiveRecord_StorablePolySeries1D_swigregister(ArchiveRecord_StorablePolySeries1D)
class Ref_StorablePolySeries1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StorablePolySeries1D_swiginit(self, _npstat.new_Ref_StorablePolySeries1D(*args))
def restore(self, index: "unsigned long", obj: "StorablePolySeries1D") -> "void":
return _npstat.Ref_StorablePolySeries1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::StorablePolySeries1D *":
return _npstat.Ref_StorablePolySeries1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::StorablePolySeries1D":
return _npstat.Ref_StorablePolySeries1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_StorablePolySeries1D
# Register Ref_StorablePolySeries1D in _npstat:
_npstat.Ref_StorablePolySeries1D_swigregister(Ref_StorablePolySeries1D)
class ContOrthoPoly1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
def maxDegree(self) -> "unsigned int":
return _npstat.ContOrthoPoly1D_maxDegree(self)
def measureLength(self) -> "unsigned long":
return _npstat.ContOrthoPoly1D_measureLength(self)
def weight(self, index: "unsigned long const") -> "double":
return _npstat.ContOrthoPoly1D_weight(self, index)
def areAllWeightsEqual(self) -> "bool":
return _npstat.ContOrthoPoly1D_areAllWeightsEqual(self)
def minCoordinate(self) -> "double":
return _npstat.ContOrthoPoly1D_minCoordinate(self)
def maxCoordinate(self) -> "double":
return _npstat.ContOrthoPoly1D_maxCoordinate(self)
def measure(self, index: "unsigned long const") -> "npstat::ContOrthoPoly1D::MeasurePoint":
return _npstat.ContOrthoPoly1D_measure(self, index)
def coordinate(self, index: "unsigned long const") -> "double":
return _npstat.ContOrthoPoly1D_coordinate(self, index)
def effectiveSampleSize(self) -> "double":
return _npstat.ContOrthoPoly1D_effectiveSampleSize(self)
def poly(self, deg: "unsigned int", x: "double") -> "double":
return _npstat.ContOrthoPoly1D_poly(self, deg, x)
def polyPair(self, deg1: "unsigned int", deg2: "unsigned int", x: "double") -> "std::pair< double,double >":
return _npstat.ContOrthoPoly1D_polyPair(self, deg1, deg2, x)
def allpoly(self, x: "long double const", values: "long double *", maxdeg: "unsigned int const") -> "void":
return _npstat.ContOrthoPoly1D_allpoly(self, x, values, maxdeg)
def weightCoeffs(self, coeffs: "double *", maxdeg: "unsigned int") -> "void":
return _npstat.ContOrthoPoly1D_weightCoeffs(self, coeffs, maxdeg)
def empiricalKroneckerCovariance(self, deg1: "unsigned int", deg2: "unsigned int", deg3: "unsigned int", deg4: "unsigned int") -> "double":
return _npstat.ContOrthoPoly1D_empiricalKroneckerCovariance(self, deg1, deg2, deg3, deg4)
def recurrenceCoeffs(self, deg: "unsigned int") -> "std::pair< double,double >":
return _npstat.ContOrthoPoly1D_recurrenceCoeffs(self, deg)
def powerAverage(self, deg: "unsigned int", power: "unsigned int") -> "double":
return _npstat.ContOrthoPoly1D_powerAverage(self, deg, power)
def jointPowerAverage(self, deg1: "unsigned int", power1: "unsigned int", deg2: "unsigned int", power2: "unsigned int") -> "double":
return _npstat.ContOrthoPoly1D_jointPowerAverage(self, deg1, power1, deg2, power2)
def jointAverage(self, degrees: "unsigned int const *", nDegrees: "unsigned int", degreesSortedIncreasingOrder: "bool"=False) -> "double":
return _npstat.ContOrthoPoly1D_jointAverage(self, degrees, nDegrees, degreesSortedIncreasingOrder)
def cachedJointAverage(self, *args) -> "double":
return _npstat.ContOrthoPoly1D_cachedJointAverage(self, *args)
def cov4(self, a: "unsigned int", b: "unsigned int", c: "unsigned int", d: "unsigned int") -> "double":
return _npstat.ContOrthoPoly1D_cov4(self, a, b, c, d)
def cov6(self, a: "unsigned int", b: "unsigned int", c: "unsigned int", d: "unsigned int", e: "unsigned int", f: "unsigned int") -> "double":
return _npstat.ContOrthoPoly1D_cov6(self, a, b, c, d, e, f)
def cov8(self, a: "unsigned int", b: "unsigned int", c: "unsigned int", d: "unsigned int", e: "unsigned int", f: "unsigned int", g: "unsigned int", h: "unsigned int") -> "double":
return _npstat.ContOrthoPoly1D_cov8(self, a, b, c, d, e, f, g, h)
def covCov4(self, a: "unsigned int", b: "unsigned int", c: "unsigned int", d: "unsigned int", e: "unsigned int", f: "unsigned int", g: "unsigned int", h: "unsigned int") -> "double":
return _npstat.ContOrthoPoly1D_covCov4(self, a, b, c, d, e, f, g, h)
def slowCov8(self, a: "unsigned int", b: "unsigned int", c: "unsigned int", d: "unsigned int", e: "unsigned int", f: "unsigned int", g: "unsigned int", h: "unsigned int") -> "double":
return _npstat.ContOrthoPoly1D_slowCov8(self, a, b, c, d, e, f, g, h)
def epsExpectation(self, m: "unsigned int", n: "unsigned int", highOrder: "bool") -> "double":
return _npstat.ContOrthoPoly1D_epsExpectation(self, m, n, highOrder)
def epsCovariance(self, i: "unsigned int", j: "unsigned int", m: "unsigned int", n: "unsigned int", highOrder: "bool") -> "double":
return _npstat.ContOrthoPoly1D_epsCovariance(self, i, j, m, n, highOrder)
def epsCovarianceMatrix(self, pairs: "UIntUIntPairVector", highOrder: "bool") -> "npstat::Matrix< double >":
return _npstat.ContOrthoPoly1D_epsCovarianceMatrix(self, pairs, highOrder)
def makeStorablePolySeries(self, xmin: "double", xmax: "double", coeffs: "DoubleVector") -> "npstat::StorablePolySeries1D *":
return _npstat.ContOrthoPoly1D_makeStorablePolySeries(self, xmin, xmax, coeffs)
def sumOfWeights(self) -> "double":
return _npstat.ContOrthoPoly1D_sumOfWeights(self)
def sumOfWeightSquares(self) -> "double":
return _npstat.ContOrthoPoly1D_sumOfWeightSquares(self)
def meanCoordinate(self) -> "double":
return _npstat.ContOrthoPoly1D_meanCoordinate(self)
def empiricalKroneckerDelta(self, deg1: "unsigned int const", deg2: "unsigned int const") -> "double":
return _npstat.ContOrthoPoly1D_empiricalKroneckerDelta(self, deg1, deg2)
def jacobiMatrix(self, n: "unsigned int const") -> "npstat::Matrix< double >":
return _npstat.ContOrthoPoly1D_jacobiMatrix(self, n)
def integratePoly(self, degree: "unsigned int const", power: "unsigned int const", xmin: "double const", xmax: "double const") -> "double":
return _npstat.ContOrthoPoly1D_integratePoly(self, degree, power, xmin, xmax)
def integrateTripleProduct(self, deg1: "unsigned int const", deg2: "unsigned int const", deg3: "unsigned int const", xmin: "double const", xmax: "double const") -> "double":
return _npstat.ContOrthoPoly1D_integrateTripleProduct(self, deg1, deg2, deg3, xmin, xmax)
def tripleProductMatrix(self, pairs: "UIntUIntPairVector", maxdeg: "unsigned int const", xmin: "double const", xmax: "double const") -> "npstat::Matrix< double >":
return _npstat.ContOrthoPoly1D_tripleProductMatrix(self, pairs, maxdeg, xmin, xmax)
__swig_destroy__ = _npstat.delete_ContOrthoPoly1D
# Register ContOrthoPoly1D in _npstat:
_npstat.ContOrthoPoly1D_swigregister(ContOrthoPoly1D)
def DoubleContOrthoPoly1D(*args):
val = _npstat.new_DoubleContOrthoPoly1D(*args)
return val
def DoubleDoubleContOrthoPoly1D(*args):
val = _npstat.new_DoubleDoubleContOrthoPoly1D(*args)
return val
class AbsClassicalOrthoPoly1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsClassicalOrthoPoly1D
def clone(self) -> "npstat::AbsClassicalOrthoPoly1D *":
return _npstat.AbsClassicalOrthoPoly1D_clone(self)
def xmin(self) -> "double":
return _npstat.AbsClassicalOrthoPoly1D_xmin(self)
def xmax(self) -> "double":
return _npstat.AbsClassicalOrthoPoly1D_xmax(self)
def maxDegree(self) -> "unsigned int":
return _npstat.AbsClassicalOrthoPoly1D_maxDegree(self)
def twopoly(self, deg1: "unsigned int", deg2: "unsigned int", x: "long double") -> "std::pair< long double,long double >":
return _npstat.AbsClassicalOrthoPoly1D_twopoly(self, deg1, deg2, x)
def series(self, coeffs: "double const *", x: "double") -> "double":
return _npstat.AbsClassicalOrthoPoly1D_series(self, coeffs, x)
def integrateSeries(self, coeffs: "double const *") -> "double":
return _npstat.AbsClassicalOrthoPoly1D_integrateSeries(self, coeffs)
def integratePoly(self, degree: "unsigned int", power: "unsigned int") -> "double":
return _npstat.AbsClassicalOrthoPoly1D_integratePoly(self, degree, power)
def jointIntegral(self, degrees: "unsigned int const *") -> "double":
return _npstat.AbsClassicalOrthoPoly1D_jointIntegral(self, degrees)
def weight(self, x: "double const") -> "double":
return _npstat.AbsClassicalOrthoPoly1D_weight(self, x)
def poly(self, deg: "unsigned int const", x: "double const") -> "double":
return _npstat.AbsClassicalOrthoPoly1D_poly(self, deg, x)
def allpoly(self, maxdeg: "unsigned int const", x: "double const") -> "std::vector< double,std::allocator< double > >":
return _npstat.AbsClassicalOrthoPoly1D_allpoly(self, maxdeg, x)
def makeStorablePolySeries(self, maxPolyDeg: "unsigned int", coeffs: "DoubleVector", shift: "double"=0.0) -> "npstat::StorablePolySeries1D *":
return _npstat.AbsClassicalOrthoPoly1D_makeStorablePolySeries(self, maxPolyDeg, coeffs, shift)
def empiricalKroneckerDelta(self, quad: "GaussLegendreQuadrature", deg1: "unsigned int", deg2: "unsigned int") -> "double":
return _npstat.AbsClassicalOrthoPoly1D_empiricalKroneckerDelta(self, quad, deg1, deg2)
# Register AbsClassicalOrthoPoly1D in _npstat:
_npstat.AbsClassicalOrthoPoly1D_swigregister(AbsClassicalOrthoPoly1D)
class OrthoPoly1DWeight(LDoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsClassicalOrthoPoly1D", normfactor: "long double const"=1.0):
_npstat.OrthoPoly1DWeight_swiginit(self, _npstat.new_OrthoPoly1DWeight(fcn, normfactor))
__swig_destroy__ = _npstat.delete_OrthoPoly1DWeight
def __call__(self, a: "long double const &") -> "long double":
return _npstat.OrthoPoly1DWeight___call__(self, a)
# Register OrthoPoly1DWeight in _npstat:
_npstat.OrthoPoly1DWeight_swigregister(OrthoPoly1DWeight)
class OrthoPoly1DDeg(LDoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsClassicalOrthoPoly1D", degree: "unsigned int const", normfactor: "long double const"=1.0):
_npstat.OrthoPoly1DDeg_swiginit(self, _npstat.new_OrthoPoly1DDeg(fcn, degree, normfactor))
__swig_destroy__ = _npstat.delete_OrthoPoly1DDeg
def __call__(self, a: "long double const &") -> "long double":
return _npstat.OrthoPoly1DDeg___call__(self, a)
# Register OrthoPoly1DDeg in _npstat:
_npstat.OrthoPoly1DDeg_swigregister(OrthoPoly1DDeg)
class Poly1D(LDoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_Poly1D
def __init__(self, *args):
_npstat.Poly1D_swiginit(self, _npstat.new_Poly1D(*args))
def reserve(self, degree: "unsigned int const") -> "void":
return _npstat.Poly1D_reserve(self, degree)
def truncate(self, maxDegree: "unsigned int const") -> "void":
return _npstat.Poly1D_truncate(self, maxDegree)
def truncateLeadingZeros(self) -> "void":
return _npstat.Poly1D_truncateLeadingZeros(self)
def setCoefficient(self, degree: "unsigned int", value: "long double") -> "void":
return _npstat.Poly1D_setCoefficient(self, degree, value)
def deg(self) -> "unsigned int":
return _npstat.Poly1D_deg(self)
def allCoefficients(self) -> "std::vector< long double,std::allocator< long double > > const &":
return _npstat.Poly1D_allCoefficients(self)
def leadingCoefficient(self) -> "long double":
return _npstat.Poly1D_leadingCoefficient(self)
def nRoots(self, a: "long double", b: "long double") -> "unsigned int":
return _npstat.Poly1D_nRoots(self, a, b)
def __call__(self, x: "long double const &") -> "long double":
return _npstat.Poly1D___call__(self, x)
def isClose(self, r: "Poly1D", eps: "long double") -> "bool":
return _npstat.Poly1D_isClose(self, r, eps)
def isNull(self) -> "bool":
return _npstat.Poly1D_isNull(self)
def derivative(self) -> "npstat::Poly1D":
return _npstat.Poly1D_derivative(self)
def integral(self, c: "long double") -> "npstat::Poly1D":
return _npstat.Poly1D_integral(self, c)
def __pos__(self) -> "npstat::Poly1D":
return _npstat.Poly1D___pos__(self)
def __neg__(self) -> "npstat::Poly1D":
return _npstat.Poly1D___neg__(self)
def __mul__(self, arg2: "Poly1D") -> "npstat::Poly1D":
return _npstat.Poly1D___mul__(self, arg2)
def __add__(self, arg2: "Poly1D") -> "npstat::Poly1D":
return _npstat.Poly1D___add__(self, arg2)
def __sub__(self, arg2: "Poly1D") -> "npstat::Poly1D":
return _npstat.Poly1D___sub__(self, arg2)
def __imul__(self, arg2: "Poly1D") -> "npstat::Poly1D &":
return _npstat.Poly1D___imul__(self, arg2)
def __iadd__(self, arg2: "Poly1D") -> "npstat::Poly1D &":
return _npstat.Poly1D___iadd__(self, arg2)
def __isub__(self, arg2: "Poly1D") -> "npstat::Poly1D &":
return _npstat.Poly1D___isub__(self, arg2)
def __truediv__(self, *args):
return _npstat.Poly1D___truediv__(self, *args)
__div__ = __truediv__
def __mod__(self, arg2: "Poly1D") -> "npstat::Poly1D":
return _npstat.Poly1D___mod__(self, arg2)
def __eq__(self, r: "Poly1D") -> "bool":
return _npstat.Poly1D___eq__(self, r)
def __ne__(self, r: "Poly1D") -> "bool":
return _npstat.Poly1D___ne__(self, r)
@staticmethod
def monicDeg0() -> "npstat::Poly1D":
return _npstat.Poly1D_monicDeg0()
@staticmethod
def monicDeg1(b: "long double") -> "npstat::Poly1D":
return _npstat.Poly1D_monicDeg1(b)
@staticmethod
def monicDeg2(b: "long double", c: "long double") -> "npstat::Poly1D":
return _npstat.Poly1D_monicDeg2(b, c)
# Register Poly1D in _npstat:
_npstat.Poly1D_swigregister(Poly1D)
def Poly1D_monicDeg0() -> "npstat::Poly1D":
return _npstat.Poly1D_monicDeg0()
def Poly1D_monicDeg1(b: "long double") -> "npstat::Poly1D":
return _npstat.Poly1D_monicDeg1(b)
def Poly1D_monicDeg2(b: "long double", c: "long double") -> "npstat::Poly1D":
return _npstat.Poly1D_monicDeg2(b, c)
class Poly1DShifted(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, poly: "Poly1D", shift: "double const"):
_npstat.Poly1DShifted_swiginit(self, _npstat.new_Poly1DShifted(poly, shift))
__swig_destroy__ = _npstat.delete_Poly1DShifted
def __call__(self, x: "double const &") -> "double":
return _npstat.Poly1DShifted___call__(self, x)
# Register Poly1DShifted in _npstat:
_npstat.Poly1DShifted_swigregister(Poly1DShifted)
class GridAxis(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def coords(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.GridAxis_coords(self)
def label(self) -> "std::string const &":
return _npstat.GridAxis_label(self)
def usesLogSpace(self) -> "bool":
return _npstat.GridAxis_usesLogSpace(self)
def getInterval(self, coordinate: "double") -> "std::pair< unsigned int,double >":
return _npstat.GridAxis_getInterval(self, coordinate)
def linearInterval(self, coordinate: "double") -> "std::pair< unsigned int,double >":
return _npstat.GridAxis_linearInterval(self, coordinate)
def nCoords(self) -> "unsigned int":
return _npstat.GridAxis_nCoords(self)
def coordinate(self, i: "unsigned int const") -> "double":
return _npstat.GridAxis_coordinate(self, i)
def min(self) -> "double":
return _npstat.GridAxis_min(self)
def max(self) -> "double":
return _npstat.GridAxis_max(self)
def length(self) -> "double":
return _npstat.GridAxis_length(self)
def isUniform(self) -> "bool":
return _npstat.GridAxis_isUniform(self)
def nIntervals(self) -> "unsigned int":
return _npstat.GridAxis_nIntervals(self)
def intervalWidth(self, i: "unsigned int const"=0) -> "double":
return _npstat.GridAxis_intervalWidth(self, i)
def __eq__(self, r: "GridAxis") -> "bool":
return _npstat.GridAxis___eq__(self, r)
def __ne__(self, r: "GridAxis") -> "bool":
return _npstat.GridAxis___ne__(self, r)
def isClose(self, r: "GridAxis", tol: "double") -> "bool":
return _npstat.GridAxis_isClose(self, r, tol)
def setLabel(self, newlabel: "char const *") -> "void":
return _npstat.GridAxis_setLabel(self, newlabel)
def classId(self) -> "gs::ClassId":
return _npstat.GridAxis_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.GridAxis_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.GridAxis_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.GridAxis_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::GridAxis *":
return _npstat.GridAxis_read(id, _in)
def range(self) -> "std::pair< double,double >":
return _npstat.GridAxis_range(self)
def __init__(self, *args):
_npstat.GridAxis_swiginit(self, _npstat.new_GridAxis(*args))
__swig_destroy__ = _npstat.delete_GridAxis
# Register GridAxis in _npstat:
_npstat.GridAxis_swigregister(GridAxis)
def GridAxis_classname() -> "char const *":
return _npstat.GridAxis_classname()
def GridAxis_version() -> "unsigned int":
return _npstat.GridAxis_version()
def GridAxis_read(id: "ClassId", _in: "istream") -> "npstat::GridAxis *":
return _npstat.GridAxis_read(id, _in)
class GridAxisVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.GridAxisVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.GridAxisVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.GridAxisVector___bool__(self)
def __len__(self) -> "std::vector< npstat::GridAxis >::size_type":
return _npstat.GridAxisVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::GridAxis >::difference_type", j: "std::vector< npstat::GridAxis >::difference_type") -> "std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > *":
return _npstat.GridAxisVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.GridAxisVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::GridAxis >::difference_type", j: "std::vector< npstat::GridAxis >::difference_type") -> "void":
return _npstat.GridAxisVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.GridAxisVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::GridAxis >::value_type const &":
return _npstat.GridAxisVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.GridAxisVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::GridAxis >::value_type":
return _npstat.GridAxisVector_pop(self)
def append(self, x: "GridAxis") -> "void":
return _npstat.GridAxisVector_append(self, x)
def empty(self) -> "bool":
return _npstat.GridAxisVector_empty(self)
def size(self) -> "std::vector< npstat::GridAxis >::size_type":
return _npstat.GridAxisVector_size(self)
def swap(self, v: "GridAxisVector") -> "void":
return _npstat.GridAxisVector_swap(self, v)
def begin(self) -> "std::vector< npstat::GridAxis >::iterator":
return _npstat.GridAxisVector_begin(self)
def end(self) -> "std::vector< npstat::GridAxis >::iterator":
return _npstat.GridAxisVector_end(self)
def rbegin(self) -> "std::vector< npstat::GridAxis >::reverse_iterator":
return _npstat.GridAxisVector_rbegin(self)
def rend(self) -> "std::vector< npstat::GridAxis >::reverse_iterator":
return _npstat.GridAxisVector_rend(self)
def clear(self) -> "void":
return _npstat.GridAxisVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::GridAxis >::allocator_type":
return _npstat.GridAxisVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.GridAxisVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::GridAxis >::iterator":
return _npstat.GridAxisVector_erase(self, *args)
def __init__(self, *args):
_npstat.GridAxisVector_swiginit(self, _npstat.new_GridAxisVector(*args))
def push_back(self, x: "GridAxis") -> "void":
return _npstat.GridAxisVector_push_back(self, x)
def front(self) -> "std::vector< npstat::GridAxis >::value_type const &":
return _npstat.GridAxisVector_front(self)
def back(self) -> "std::vector< npstat::GridAxis >::value_type const &":
return _npstat.GridAxisVector_back(self)
def assign(self, n: "std::vector< npstat::GridAxis >::size_type", x: "GridAxis") -> "void":
return _npstat.GridAxisVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.GridAxisVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.GridAxisVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::GridAxis >::size_type") -> "void":
return _npstat.GridAxisVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::GridAxis >::size_type":
return _npstat.GridAxisVector_capacity(self)
__swig_destroy__ = _npstat.delete_GridAxisVector
# Register GridAxisVector in _npstat:
_npstat.GridAxisVector_swigregister(GridAxisVector)
class StatAccumulator(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.StatAccumulator_swiginit(self, _npstat.new_StatAccumulator())
def count(self) -> "unsigned long":
return _npstat.StatAccumulator_count(self)
def min(self) -> "double":
return _npstat.StatAccumulator_min(self)
def max(self) -> "double":
return _npstat.StatAccumulator_max(self)
def mean(self) -> "double":
return _npstat.StatAccumulator_mean(self)
def stdev(self) -> "double":
return _npstat.StatAccumulator_stdev(self)
def meanUncertainty(self) -> "double":
return _npstat.StatAccumulator_meanUncertainty(self)
def location(self) -> "double":
return _npstat.StatAccumulator_location(self)
def rangeDown(self) -> "double":
return _npstat.StatAccumulator_rangeDown(self)
def rangeUp(self) -> "double":
return _npstat.StatAccumulator_rangeUp(self)
def noThrowMean(self, valueIfNoData: "double"=0.0) -> "double":
return _npstat.StatAccumulator_noThrowMean(self, valueIfNoData)
def noThrowStdev(self, valueIfNoData: "double"=0.0) -> "double":
return _npstat.StatAccumulator_noThrowStdev(self, valueIfNoData)
def noThrowMeanUncertainty(self, valueIfNoData: "double"=0.0) -> "double":
return _npstat.StatAccumulator_noThrowMeanUncertainty(self, valueIfNoData)
def __iadd__(self, *args) -> "npstat::StatAccumulator &":
return _npstat.StatAccumulator___iadd__(self, *args)
def __add__(self, r: "StatAccumulator") -> "npstat::StatAccumulator":
return _npstat.StatAccumulator___add__(self, r)
def reset(self) -> "void":
return _npstat.StatAccumulator_reset(self)
def __eq__(self, r: "StatAccumulator") -> "bool":
return _npstat.StatAccumulator___eq__(self, r)
def __ne__(self, r: "StatAccumulator") -> "bool":
return _npstat.StatAccumulator___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.StatAccumulator_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StatAccumulator_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StatAccumulator_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StatAccumulator_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "StatAccumulator") -> "void":
return _npstat.StatAccumulator_restore(id, _in, acc)
def __mul__(self, r: "double const") -> "npstat::StatAccumulator":
return _npstat.StatAccumulator___mul__(self, r)
def __div__(self, r: "double const") -> "npstat::StatAccumulator":
return _npstat.StatAccumulator___div__(self, r)
def __imul__(self, r: "double const") -> "npstat::StatAccumulator &":
return _npstat.StatAccumulator___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::StatAccumulator &":
return _npstat.StatAccumulator___idiv__(self, r)
def sum(self) -> "double":
return _npstat.StatAccumulator_sum(self)
def sumsq(self) -> "double":
return _npstat.StatAccumulator_sumsq(self)
def accumulate(self, *args) -> "void":
return _npstat.StatAccumulator_accumulate(self, *args)
__swig_destroy__ = _npstat.delete_StatAccumulator
# Register StatAccumulator in _npstat:
_npstat.StatAccumulator_swigregister(StatAccumulator)
def StatAccumulator_classname() -> "char const *":
return _npstat.StatAccumulator_classname()
def StatAccumulator_version() -> "unsigned int":
return _npstat.StatAccumulator_version()
def StatAccumulator_restore(id: "ClassId", _in: "istream", acc: "StatAccumulator") -> "void":
return _npstat.StatAccumulator_restore(id, _in, acc)
class ArchiveRecord_StatAccumulator(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StatAccumulator", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StatAccumulator_swiginit(self, _npstat.new_ArchiveRecord_StatAccumulator(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StatAccumulator
# Register ArchiveRecord_StatAccumulator in _npstat:
_npstat.ArchiveRecord_StatAccumulator_swigregister(ArchiveRecord_StatAccumulator)
class Ref_StatAccumulator(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StatAccumulator_swiginit(self, _npstat.new_Ref_StatAccumulator(*args))
def restore(self, index: "unsigned long", obj: "StatAccumulator") -> "void":
return _npstat.Ref_StatAccumulator_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::StatAccumulator *":
return _npstat.Ref_StatAccumulator_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::StatAccumulator":
return _npstat.Ref_StatAccumulator_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_StatAccumulator
# Register Ref_StatAccumulator in _npstat:
_npstat.Ref_StatAccumulator_swigregister(Ref_StatAccumulator)
class WeightedStatAccumulator(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.WeightedStatAccumulator_swiginit(self, _npstat.new_WeightedStatAccumulator())
def min(self) -> "double":
return _npstat.WeightedStatAccumulator_min(self)
def max(self) -> "double":
return _npstat.WeightedStatAccumulator_max(self)
def maxWeight(self) -> "double":
return _npstat.WeightedStatAccumulator_maxWeight(self)
def mean(self) -> "double":
return _npstat.WeightedStatAccumulator_mean(self)
def stdev(self) -> "double":
return _npstat.WeightedStatAccumulator_stdev(self)
def meanUncertainty(self) -> "double":
return _npstat.WeightedStatAccumulator_meanUncertainty(self)
def location(self) -> "double":
return _npstat.WeightedStatAccumulator_location(self)
def rangeDown(self) -> "double":
return _npstat.WeightedStatAccumulator_rangeDown(self)
def rangeUp(self) -> "double":
return _npstat.WeightedStatAccumulator_rangeUp(self)
def noThrowMean(self, valueIfNoData: "double"=0.0) -> "double":
return _npstat.WeightedStatAccumulator_noThrowMean(self, valueIfNoData)
def noThrowStdev(self, valueIfNoData: "double"=0.0) -> "double":
return _npstat.WeightedStatAccumulator_noThrowStdev(self, valueIfNoData)
def noThrowMeanUncertainty(self, valueIfNoData: "double"=0.0) -> "double":
return _npstat.WeightedStatAccumulator_noThrowMeanUncertainty(self, valueIfNoData)
def count(self) -> "double":
return _npstat.WeightedStatAccumulator_count(self)
def ncalls(self) -> "unsigned long":
return _npstat.WeightedStatAccumulator_ncalls(self)
def nfills(self) -> "unsigned long":
return _npstat.WeightedStatAccumulator_nfills(self)
def averageWeight(self) -> "double":
return _npstat.WeightedStatAccumulator_averageWeight(self)
def sumOfWeights(self) -> "double":
return _npstat.WeightedStatAccumulator_sumOfWeights(self)
def sumOfSquaredWeights(self) -> "double":
return _npstat.WeightedStatAccumulator_sumOfSquaredWeights(self)
def accumulate(self, *args) -> "void":
return _npstat.WeightedStatAccumulator_accumulate(self, *args)
def __add__(self, r: "WeightedStatAccumulator") -> "npstat::WeightedStatAccumulator":
return _npstat.WeightedStatAccumulator___add__(self, r)
def scaleWeights(self, r: "double") -> "npstat::WeightedStatAccumulator &":
return _npstat.WeightedStatAccumulator_scaleWeights(self, r)
def reset(self) -> "void":
return _npstat.WeightedStatAccumulator_reset(self)
def __eq__(self, r: "WeightedStatAccumulator") -> "bool":
return _npstat.WeightedStatAccumulator___eq__(self, r)
def __ne__(self, r: "WeightedStatAccumulator") -> "bool":
return _npstat.WeightedStatAccumulator___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.WeightedStatAccumulator_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.WeightedStatAccumulator_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.WeightedStatAccumulator_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.WeightedStatAccumulator_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "WeightedStatAccumulator") -> "void":
return _npstat.WeightedStatAccumulator_restore(id, _in, acc)
def __mul__(self, r: "double const") -> "npstat::WeightedStatAccumulator":
return _npstat.WeightedStatAccumulator___mul__(self, r)
def __div__(self, r: "double const") -> "npstat::WeightedStatAccumulator":
return _npstat.WeightedStatAccumulator___div__(self, r)
def __imul__(self, r: "double const") -> "npstat::WeightedStatAccumulator &":
return _npstat.WeightedStatAccumulator___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::WeightedStatAccumulator &":
return _npstat.WeightedStatAccumulator___idiv__(self, r)
def __iadd__(self, *args) -> "npstat::WeightedStatAccumulator &":
return _npstat.WeightedStatAccumulator___iadd__(self, *args)
__swig_destroy__ = _npstat.delete_WeightedStatAccumulator
# Register WeightedStatAccumulator in _npstat:
_npstat.WeightedStatAccumulator_swigregister(WeightedStatAccumulator)
def WeightedStatAccumulator_classname() -> "char const *":
return _npstat.WeightedStatAccumulator_classname()
def WeightedStatAccumulator_version() -> "unsigned int":
return _npstat.WeightedStatAccumulator_version()
def WeightedStatAccumulator_restore(id: "ClassId", _in: "istream", acc: "WeightedStatAccumulator") -> "void":
return _npstat.WeightedStatAccumulator_restore(id, _in, acc)
class ArchiveRecord_WeightedStatAccumulator(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "WeightedStatAccumulator", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_WeightedStatAccumulator_swiginit(self, _npstat.new_ArchiveRecord_WeightedStatAccumulator(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_WeightedStatAccumulator
# Register ArchiveRecord_WeightedStatAccumulator in _npstat:
_npstat.ArchiveRecord_WeightedStatAccumulator_swigregister(ArchiveRecord_WeightedStatAccumulator)
class Ref_WeightedStatAccumulator(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_WeightedStatAccumulator_swiginit(self, _npstat.new_Ref_WeightedStatAccumulator(*args))
def restore(self, index: "unsigned long", obj: "WeightedStatAccumulator") -> "void":
return _npstat.Ref_WeightedStatAccumulator_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::WeightedStatAccumulator *":
return _npstat.Ref_WeightedStatAccumulator_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::WeightedStatAccumulator":
return _npstat.Ref_WeightedStatAccumulator_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_WeightedStatAccumulator
# Register Ref_WeightedStatAccumulator in _npstat:
_npstat.Ref_WeightedStatAccumulator_swigregister(Ref_WeightedStatAccumulator)
class FloatSampleAccumulator(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.FloatSampleAccumulator_swiginit(self, _npstat.new_FloatSampleAccumulator())
def count(self) -> "unsigned long":
return _npstat.FloatSampleAccumulator_count(self)
def min(self) -> "float":
return _npstat.FloatSampleAccumulator_min(self)
def max(self) -> "float":
return _npstat.FloatSampleAccumulator_max(self)
def median(self) -> "float":
return _npstat.FloatSampleAccumulator_median(self)
def cdf(self, value: "float") -> "double":
return _npstat.FloatSampleAccumulator_cdf(self, value)
def nBelow(self, value: "float") -> "unsigned long":
return _npstat.FloatSampleAccumulator_nBelow(self, value)
def quantile(self, x: "double") -> "float":
return _npstat.FloatSampleAccumulator_quantile(self, x)
def location(self) -> "float":
return _npstat.FloatSampleAccumulator_location(self)
def rangeDown(self) -> "float":
return _npstat.FloatSampleAccumulator_rangeDown(self)
def rangeUp(self) -> "float":
return _npstat.FloatSampleAccumulator_rangeUp(self)
def sigmaRange(self) -> "float":
return _npstat.FloatSampleAccumulator_sigmaRange(self)
def data(self) -> "float const *":
return _npstat.FloatSampleAccumulator_data(self)
def __eq__(self, r: "FloatSampleAccumulator") -> "bool":
return _npstat.FloatSampleAccumulator___eq__(self, r)
def __ne__(self, r: "FloatSampleAccumulator") -> "bool":
return _npstat.FloatSampleAccumulator___ne__(self, r)
def accumulate(self, *args) -> "void":
return _npstat.FloatSampleAccumulator_accumulate(self, *args)
def __iadd__(self, *args) -> "npstat::SampleAccumulator< float,long double > &":
return _npstat.FloatSampleAccumulator___iadd__(self, *args)
def __add__(self, r: "FloatSampleAccumulator") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FloatSampleAccumulator___add__(self, r)
def reset(self) -> "void":
return _npstat.FloatSampleAccumulator_reset(self)
def reserve(self, n: "unsigned long const") -> "void":
return _npstat.FloatSampleAccumulator_reserve(self, n)
def classId(self) -> "gs::ClassId":
return _npstat.FloatSampleAccumulator_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatSampleAccumulator_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatSampleAccumulator_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatSampleAccumulator_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "FloatSampleAccumulator") -> "void":
return _npstat.FloatSampleAccumulator_restore(id, _in, acc)
def __mul__(self, r: "double const") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FloatSampleAccumulator___mul__(self, r)
def __div__(self, r: "double const") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FloatSampleAccumulator___div__(self, r)
def __imul__(self, r: "double const") -> "npstat::SampleAccumulator< float,long double > &":
return _npstat.FloatSampleAccumulator___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::SampleAccumulator< float,long double > &":
return _npstat.FloatSampleAccumulator___idiv__(self, r)
def cov(self, other: "FloatSampleAccumulator") -> "double":
return _npstat.FloatSampleAccumulator_cov(self, other)
def corr(self, other: "FloatSampleAccumulator") -> "double":
return _npstat.FloatSampleAccumulator_corr(self, other)
def mean(self) -> "double":
return _npstat.FloatSampleAccumulator_mean(self)
def stdev(self) -> "double":
return _npstat.FloatSampleAccumulator_stdev(self)
def meanUncertainty(self) -> "double":
return _npstat.FloatSampleAccumulator_meanUncertainty(self)
def noThrowMean(self, d: "double") -> "double":
return _npstat.FloatSampleAccumulator_noThrowMean(self, d)
def noThrowStdev(self, d: "double") -> "double":
return _npstat.FloatSampleAccumulator_noThrowStdev(self, d)
def noThrowMeanUncertainty(self, d: "double") -> "double":
return _npstat.FloatSampleAccumulator_noThrowMeanUncertainty(self, d)
__swig_destroy__ = _npstat.delete_FloatSampleAccumulator
# Register FloatSampleAccumulator in _npstat:
_npstat.FloatSampleAccumulator_swigregister(FloatSampleAccumulator)
def FloatSampleAccumulator_classname() -> "char const *":
return _npstat.FloatSampleAccumulator_classname()
def FloatSampleAccumulator_version() -> "unsigned int":
return _npstat.FloatSampleAccumulator_version()
def FloatSampleAccumulator_restore(id: "ClassId", _in: "istream", acc: "FloatSampleAccumulator") -> "void":
return _npstat.FloatSampleAccumulator_restore(id, _in, acc)
class DoubleSampleAccumulator(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.DoubleSampleAccumulator_swiginit(self, _npstat.new_DoubleSampleAccumulator())
def count(self) -> "unsigned long":
return _npstat.DoubleSampleAccumulator_count(self)
def min(self) -> "double":
return _npstat.DoubleSampleAccumulator_min(self)
def max(self) -> "double":
return _npstat.DoubleSampleAccumulator_max(self)
def median(self) -> "double":
return _npstat.DoubleSampleAccumulator_median(self)
def cdf(self, value: "double") -> "double":
return _npstat.DoubleSampleAccumulator_cdf(self, value)
def nBelow(self, value: "double") -> "unsigned long":
return _npstat.DoubleSampleAccumulator_nBelow(self, value)
def quantile(self, x: "double") -> "double":
return _npstat.DoubleSampleAccumulator_quantile(self, x)
def location(self) -> "double":
return _npstat.DoubleSampleAccumulator_location(self)
def rangeDown(self) -> "double":
return _npstat.DoubleSampleAccumulator_rangeDown(self)
def rangeUp(self) -> "double":
return _npstat.DoubleSampleAccumulator_rangeUp(self)
def sigmaRange(self) -> "double":
return _npstat.DoubleSampleAccumulator_sigmaRange(self)
def data(self) -> "double const *":
return _npstat.DoubleSampleAccumulator_data(self)
def __eq__(self, r: "DoubleSampleAccumulator") -> "bool":
return _npstat.DoubleSampleAccumulator___eq__(self, r)
def __ne__(self, r: "DoubleSampleAccumulator") -> "bool":
return _npstat.DoubleSampleAccumulator___ne__(self, r)
def accumulate(self, *args) -> "void":
return _npstat.DoubleSampleAccumulator_accumulate(self, *args)
def __iadd__(self, *args) -> "npstat::SampleAccumulator< double,long double > &":
return _npstat.DoubleSampleAccumulator___iadd__(self, *args)
def __add__(self, r: "DoubleSampleAccumulator") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DoubleSampleAccumulator___add__(self, r)
def reset(self) -> "void":
return _npstat.DoubleSampleAccumulator_reset(self)
def reserve(self, n: "unsigned long const") -> "void":
return _npstat.DoubleSampleAccumulator_reserve(self, n)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleSampleAccumulator_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleSampleAccumulator_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleSampleAccumulator_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleSampleAccumulator_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "DoubleSampleAccumulator") -> "void":
return _npstat.DoubleSampleAccumulator_restore(id, _in, acc)
def __mul__(self, r: "double const") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DoubleSampleAccumulator___mul__(self, r)
def __div__(self, r: "double const") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DoubleSampleAccumulator___div__(self, r)
def __imul__(self, r: "double const") -> "npstat::SampleAccumulator< double,long double > &":
return _npstat.DoubleSampleAccumulator___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::SampleAccumulator< double,long double > &":
return _npstat.DoubleSampleAccumulator___idiv__(self, r)
def cov(self, other: "DoubleSampleAccumulator") -> "double":
return _npstat.DoubleSampleAccumulator_cov(self, other)
def corr(self, other: "DoubleSampleAccumulator") -> "double":
return _npstat.DoubleSampleAccumulator_corr(self, other)
def mean(self) -> "double":
return _npstat.DoubleSampleAccumulator_mean(self)
def stdev(self) -> "double":
return _npstat.DoubleSampleAccumulator_stdev(self)
def meanUncertainty(self) -> "double":
return _npstat.DoubleSampleAccumulator_meanUncertainty(self)
def noThrowMean(self, d: "double") -> "double":
return _npstat.DoubleSampleAccumulator_noThrowMean(self, d)
def noThrowStdev(self, d: "double") -> "double":
return _npstat.DoubleSampleAccumulator_noThrowStdev(self, d)
def noThrowMeanUncertainty(self, d: "double") -> "double":
return _npstat.DoubleSampleAccumulator_noThrowMeanUncertainty(self, d)
__swig_destroy__ = _npstat.delete_DoubleSampleAccumulator
# Register DoubleSampleAccumulator in _npstat:
_npstat.DoubleSampleAccumulator_swigregister(DoubleSampleAccumulator)
def DoubleSampleAccumulator_classname() -> "char const *":
return _npstat.DoubleSampleAccumulator_classname()
def DoubleSampleAccumulator_version() -> "unsigned int":
return _npstat.DoubleSampleAccumulator_version()
def DoubleSampleAccumulator_restore(id: "ClassId", _in: "istream", acc: "DoubleSampleAccumulator") -> "void":
return _npstat.DoubleSampleAccumulator_restore(id, _in, acc)
class FloatWeightedSampleAccumulator(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.FloatWeightedSampleAccumulator_swiginit(self, _npstat.new_FloatWeightedSampleAccumulator())
def maxWeight(self) -> "double":
return _npstat.FloatWeightedSampleAccumulator_maxWeight(self)
def ncalls(self) -> "unsigned long":
return _npstat.FloatWeightedSampleAccumulator_ncalls(self)
def nfills(self) -> "unsigned long":
return _npstat.FloatWeightedSampleAccumulator_nfills(self)
def count(self) -> "double":
return _npstat.FloatWeightedSampleAccumulator_count(self)
def min(self) -> "float":
return _npstat.FloatWeightedSampleAccumulator_min(self)
def max(self) -> "float":
return _npstat.FloatWeightedSampleAccumulator_max(self)
def mean(self) -> "long double":
return _npstat.FloatWeightedSampleAccumulator_mean(self)
def stdev(self) -> "long double":
return _npstat.FloatWeightedSampleAccumulator_stdev(self)
def meanUncertainty(self) -> "long double":
return _npstat.FloatWeightedSampleAccumulator_meanUncertainty(self)
def median(self) -> "float":
return _npstat.FloatWeightedSampleAccumulator_median(self)
def cdf(self, value: "float") -> "double":
return _npstat.FloatWeightedSampleAccumulator_cdf(self, value)
def weightBelow(self, value: "float") -> "double":
return _npstat.FloatWeightedSampleAccumulator_weightBelow(self, value)
def quantile(self, x: "double") -> "float":
return _npstat.FloatWeightedSampleAccumulator_quantile(self, x)
def location(self) -> "float":
return _npstat.FloatWeightedSampleAccumulator_location(self)
def rangeDown(self) -> "float":
return _npstat.FloatWeightedSampleAccumulator_rangeDown(self)
def rangeUp(self) -> "float":
return _npstat.FloatWeightedSampleAccumulator_rangeUp(self)
def sigmaRange(self) -> "float":
return _npstat.FloatWeightedSampleAccumulator_sigmaRange(self)
def noThrowMean(self, valueIfNoData: "long double const &") -> "long double":
return _npstat.FloatWeightedSampleAccumulator_noThrowMean(self, valueIfNoData)
def noThrowStdev(self, valueIfNoData: "long double const &") -> "long double":
return _npstat.FloatWeightedSampleAccumulator_noThrowStdev(self, valueIfNoData)
def noThrowMeanUncertainty(self, valueIfNoData: "long double const &") -> "long double":
return _npstat.FloatWeightedSampleAccumulator_noThrowMeanUncertainty(self, valueIfNoData)
def averageWeight(self) -> "double":
return _npstat.FloatWeightedSampleAccumulator_averageWeight(self)
def sumOfWeights(self) -> "double":
return _npstat.FloatWeightedSampleAccumulator_sumOfWeights(self)
def sumOfSquaredWeights(self) -> "double":
return _npstat.FloatWeightedSampleAccumulator_sumOfSquaredWeights(self)
def data(self) -> "std::pair< float,double > const *":
return _npstat.FloatWeightedSampleAccumulator_data(self)
def __eq__(self, r: "FloatWeightedSampleAccumulator") -> "bool":
return _npstat.FloatWeightedSampleAccumulator___eq__(self, r)
def __ne__(self, r: "FloatWeightedSampleAccumulator") -> "bool":
return _npstat.FloatWeightedSampleAccumulator___ne__(self, r)
def __add__(self, r: "FloatWeightedSampleAccumulator") -> "npstat::WeightedSampleAccumulator< float,long double >":
return _npstat.FloatWeightedSampleAccumulator___add__(self, r)
def scaleWeights(self, r: "double") -> "npstat::WeightedSampleAccumulator< float,long double > &":
return _npstat.FloatWeightedSampleAccumulator_scaleWeights(self, r)
def reset(self) -> "void":
return _npstat.FloatWeightedSampleAccumulator_reset(self)
def reserve(self, n: "unsigned long const") -> "void":
return _npstat.FloatWeightedSampleAccumulator_reserve(self, n)
def classId(self) -> "gs::ClassId":
return _npstat.FloatWeightedSampleAccumulator_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatWeightedSampleAccumulator_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatWeightedSampleAccumulator_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatWeightedSampleAccumulator_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "FloatWeightedSampleAccumulator") -> "void":
return _npstat.FloatWeightedSampleAccumulator_restore(id, _in, acc)
def __mul__(self, r: "double const") -> "npstat::WeightedSampleAccumulator< float,long double >":
return _npstat.FloatWeightedSampleAccumulator___mul__(self, r)
def __div__(self, r: "double const") -> "npstat::WeightedSampleAccumulator< float,long double >":
return _npstat.FloatWeightedSampleAccumulator___div__(self, r)
def __imul__(self, r: "double const") -> "npstat::WeightedSampleAccumulator< float,long double > &":
return _npstat.FloatWeightedSampleAccumulator___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::WeightedSampleAccumulator< float,long double > &":
return _npstat.FloatWeightedSampleAccumulator___idiv__(self, r)
def __iadd__(self, *args) -> "npstat::WeightedSampleAccumulator< float,long double > &":
return _npstat.FloatWeightedSampleAccumulator___iadd__(self, *args)
def accumulate(self, *args) -> "void":
return _npstat.FloatWeightedSampleAccumulator_accumulate(self, *args)
__swig_destroy__ = _npstat.delete_FloatWeightedSampleAccumulator
# Register FloatWeightedSampleAccumulator in _npstat:
_npstat.FloatWeightedSampleAccumulator_swigregister(FloatWeightedSampleAccumulator)
def FloatWeightedSampleAccumulator_classname() -> "char const *":
return _npstat.FloatWeightedSampleAccumulator_classname()
def FloatWeightedSampleAccumulator_version() -> "unsigned int":
return _npstat.FloatWeightedSampleAccumulator_version()
def FloatWeightedSampleAccumulator_restore(id: "ClassId", _in: "istream", acc: "FloatWeightedSampleAccumulator") -> "void":
return _npstat.FloatWeightedSampleAccumulator_restore(id, _in, acc)
class DoubleWeightedSampleAccumulator(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.DoubleWeightedSampleAccumulator_swiginit(self, _npstat.new_DoubleWeightedSampleAccumulator())
def maxWeight(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_maxWeight(self)
def ncalls(self) -> "unsigned long":
return _npstat.DoubleWeightedSampleAccumulator_ncalls(self)
def nfills(self) -> "unsigned long":
return _npstat.DoubleWeightedSampleAccumulator_nfills(self)
def count(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_count(self)
def min(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_min(self)
def max(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_max(self)
def mean(self) -> "long double":
return _npstat.DoubleWeightedSampleAccumulator_mean(self)
def stdev(self) -> "long double":
return _npstat.DoubleWeightedSampleAccumulator_stdev(self)
def meanUncertainty(self) -> "long double":
return _npstat.DoubleWeightedSampleAccumulator_meanUncertainty(self)
def median(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_median(self)
def cdf(self, value: "double") -> "double":
return _npstat.DoubleWeightedSampleAccumulator_cdf(self, value)
def weightBelow(self, value: "double") -> "double":
return _npstat.DoubleWeightedSampleAccumulator_weightBelow(self, value)
def quantile(self, x: "double") -> "double":
return _npstat.DoubleWeightedSampleAccumulator_quantile(self, x)
def location(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_location(self)
def rangeDown(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_rangeDown(self)
def rangeUp(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_rangeUp(self)
def sigmaRange(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_sigmaRange(self)
def noThrowMean(self, valueIfNoData: "long double const &") -> "long double":
return _npstat.DoubleWeightedSampleAccumulator_noThrowMean(self, valueIfNoData)
def noThrowStdev(self, valueIfNoData: "long double const &") -> "long double":
return _npstat.DoubleWeightedSampleAccumulator_noThrowStdev(self, valueIfNoData)
def noThrowMeanUncertainty(self, valueIfNoData: "long double const &") -> "long double":
return _npstat.DoubleWeightedSampleAccumulator_noThrowMeanUncertainty(self, valueIfNoData)
def averageWeight(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_averageWeight(self)
def sumOfWeights(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_sumOfWeights(self)
def sumOfSquaredWeights(self) -> "double":
return _npstat.DoubleWeightedSampleAccumulator_sumOfSquaredWeights(self)
def data(self) -> "std::pair< double,double > const *":
return _npstat.DoubleWeightedSampleAccumulator_data(self)
def __eq__(self, r: "DoubleWeightedSampleAccumulator") -> "bool":
return _npstat.DoubleWeightedSampleAccumulator___eq__(self, r)
def __ne__(self, r: "DoubleWeightedSampleAccumulator") -> "bool":
return _npstat.DoubleWeightedSampleAccumulator___ne__(self, r)
def __add__(self, r: "DoubleWeightedSampleAccumulator") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DoubleWeightedSampleAccumulator___add__(self, r)
def scaleWeights(self, r: "double") -> "npstat::WeightedSampleAccumulator< double,long double > &":
return _npstat.DoubleWeightedSampleAccumulator_scaleWeights(self, r)
def reset(self) -> "void":
return _npstat.DoubleWeightedSampleAccumulator_reset(self)
def reserve(self, n: "unsigned long const") -> "void":
return _npstat.DoubleWeightedSampleAccumulator_reserve(self, n)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleWeightedSampleAccumulator_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleWeightedSampleAccumulator_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleWeightedSampleAccumulator_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleWeightedSampleAccumulator_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DoubleWeightedSampleAccumulator_restore(id, _in, acc)
def __mul__(self, r: "double const") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DoubleWeightedSampleAccumulator___mul__(self, r)
def __div__(self, r: "double const") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DoubleWeightedSampleAccumulator___div__(self, r)
def __imul__(self, r: "double const") -> "npstat::WeightedSampleAccumulator< double,long double > &":
return _npstat.DoubleWeightedSampleAccumulator___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::WeightedSampleAccumulator< double,long double > &":
return _npstat.DoubleWeightedSampleAccumulator___idiv__(self, r)
def __iadd__(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double > &":
return _npstat.DoubleWeightedSampleAccumulator___iadd__(self, *args)
def accumulate(self, *args) -> "void":
return _npstat.DoubleWeightedSampleAccumulator_accumulate(self, *args)
__swig_destroy__ = _npstat.delete_DoubleWeightedSampleAccumulator
# Register DoubleWeightedSampleAccumulator in _npstat:
_npstat.DoubleWeightedSampleAccumulator_swigregister(DoubleWeightedSampleAccumulator)
def DoubleWeightedSampleAccumulator_classname() -> "char const *":
return _npstat.DoubleWeightedSampleAccumulator_classname()
def DoubleWeightedSampleAccumulator_version() -> "unsigned int":
return _npstat.DoubleWeightedSampleAccumulator_version()
def DoubleWeightedSampleAccumulator_restore(id: "ClassId", _in: "istream", acc: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DoubleWeightedSampleAccumulator_restore(id, _in, acc)
class BinSummary(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def location(self) -> "double":
return _npstat.BinSummary_location(self)
def rangeDown(self) -> "double":
return _npstat.BinSummary_rangeDown(self)
def rangeUp(self) -> "double":
return _npstat.BinSummary_rangeUp(self)
def stdev(self) -> "double":
return _npstat.BinSummary_stdev(self)
def min(self) -> "double":
return _npstat.BinSummary_min(self)
def max(self) -> "double":
return _npstat.BinSummary_max(self)
def noThrowStdev(self, valueIfNoData: "double"=0.0) -> "double":
return _npstat.BinSummary_noThrowStdev(self, valueIfNoData)
def noThrowMin(self, *args) -> "double":
return _npstat.BinSummary_noThrowMin(self, *args)
def noThrowMax(self, *args) -> "double":
return _npstat.BinSummary_noThrowMax(self, *args)
def hasStdev(self) -> "bool":
return _npstat.BinSummary_hasStdev(self)
def hasMin(self) -> "bool":
return _npstat.BinSummary_hasMin(self)
def hasMax(self) -> "bool":
return _npstat.BinSummary_hasMax(self)
def hasLimits(self) -> "bool":
return _npstat.BinSummary_hasLimits(self)
def setLocation(self, newValue: "double") -> "void":
return _npstat.BinSummary_setLocation(self, newValue)
def setStdev(self, newValue: "double") -> "void":
return _npstat.BinSummary_setStdev(self, newValue)
def setRangeDown(self, newValue: "double") -> "void":
return _npstat.BinSummary_setRangeDown(self, newValue)
def setRangeUp(self, newValue: "double") -> "void":
return _npstat.BinSummary_setRangeUp(self, newValue)
def setRanges(self, newRangeDown: "double", newRangeUp: "double") -> "void":
return _npstat.BinSummary_setRanges(self, newRangeDown, newRangeUp)
def setMin(self, newValue: "double") -> "void":
return _npstat.BinSummary_setMin(self, newValue)
def setMax(self, newValue: "double") -> "void":
return _npstat.BinSummary_setMax(self, newValue)
def setLimits(self, newMin: "double", newMax: "double") -> "void":
return _npstat.BinSummary_setLimits(self, newMin, newMax)
def setLocationAndLimits(self, newLocation: "double", newMin: "double", newMax: "double") -> "void":
return _npstat.BinSummary_setLocationAndLimits(self, newLocation, newMin, newMax)
def shift(self, delta: "double") -> "void":
return _npstat.BinSummary_shift(self, delta)
def scaleWidth(self, scale: "double") -> "void":
return _npstat.BinSummary_scaleWidth(self, scale)
def symmetrizeRanges(self) -> "void":
return _npstat.BinSummary_symmetrizeRanges(self)
def __imul__(self, scaleFactor: "double") -> "npstat::BinSummary &":
return _npstat.BinSummary___imul__(self, scaleFactor)
def __itruediv__(self, *args):
return _npstat.BinSummary___itruediv__(self, *args)
__idiv__ = __itruediv__
def __mul__(self, r: "double const") -> "npstat::BinSummary":
return _npstat.BinSummary___mul__(self, r)
def __truediv__(self, *args):
return _npstat.BinSummary___truediv__(self, *args)
__div__ = __truediv__
def __iadd__(self, r: "BinSummary") -> "npstat::BinSummary &":
return _npstat.BinSummary___iadd__(self, r)
def __isub__(self, r: "BinSummary") -> "npstat::BinSummary &":
return _npstat.BinSummary___isub__(self, r)
def __add__(self, r: "BinSummary") -> "npstat::BinSummary":
return _npstat.BinSummary___add__(self, r)
def __sub__(self, r: "BinSummary") -> "npstat::BinSummary":
return _npstat.BinSummary___sub__(self, r)
def __eq__(self, r: "BinSummary") -> "bool":
return _npstat.BinSummary___eq__(self, r)
def __ne__(self, r: "BinSummary") -> "bool":
return _npstat.BinSummary___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.BinSummary_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.BinSummary_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.BinSummary_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.BinSummary_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "BinSummary") -> "void":
return _npstat.BinSummary_restore(id, _in, acc)
def __init__(self, *args):
_npstat.BinSummary_swiginit(self, _npstat.new_BinSummary(*args))
__swig_destroy__ = _npstat.delete_BinSummary
# Register BinSummary in _npstat:
_npstat.BinSummary_swigregister(BinSummary)
def BinSummary_classname() -> "char const *":
return _npstat.BinSummary_classname()
def BinSummary_version() -> "unsigned int":
return _npstat.BinSummary_version()
def BinSummary_restore(id: "ClassId", _in: "istream", acc: "BinSummary") -> "void":
return _npstat.BinSummary_restore(id, _in, acc)
class LogMapper1d(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LogMapper1d_swiginit(self, _npstat.new_LogMapper1d(*args))
def __call__(self, x: "double const &") -> "double":
return _npstat.LogMapper1d___call__(self, x)
def a(self) -> "double":
return _npstat.LogMapper1d_a(self)
def b(self) -> "double":
return _npstat.LogMapper1d_b(self)
__swig_destroy__ = _npstat.delete_LogMapper1d
# Register LogMapper1d in _npstat:
_npstat.LogMapper1d_swigregister(LogMapper1d)
class LogMapper1dVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.LogMapper1dVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.LogMapper1dVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.LogMapper1dVector___bool__(self)
def __len__(self) -> "std::vector< npstat::LogMapper1d >::size_type":
return _npstat.LogMapper1dVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::LogMapper1d >::difference_type", j: "std::vector< npstat::LogMapper1d >::difference_type") -> "std::vector< npstat::LogMapper1d,std::allocator< npstat::LogMapper1d > > *":
return _npstat.LogMapper1dVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.LogMapper1dVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::LogMapper1d >::difference_type", j: "std::vector< npstat::LogMapper1d >::difference_type") -> "void":
return _npstat.LogMapper1dVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.LogMapper1dVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::LogMapper1d >::value_type const &":
return _npstat.LogMapper1dVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.LogMapper1dVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::LogMapper1d >::value_type":
return _npstat.LogMapper1dVector_pop(self)
def append(self, x: "LogMapper1d") -> "void":
return _npstat.LogMapper1dVector_append(self, x)
def empty(self) -> "bool":
return _npstat.LogMapper1dVector_empty(self)
def size(self) -> "std::vector< npstat::LogMapper1d >::size_type":
return _npstat.LogMapper1dVector_size(self)
def swap(self, v: "LogMapper1dVector") -> "void":
return _npstat.LogMapper1dVector_swap(self, v)
def begin(self) -> "std::vector< npstat::LogMapper1d >::iterator":
return _npstat.LogMapper1dVector_begin(self)
def end(self) -> "std::vector< npstat::LogMapper1d >::iterator":
return _npstat.LogMapper1dVector_end(self)
def rbegin(self) -> "std::vector< npstat::LogMapper1d >::reverse_iterator":
return _npstat.LogMapper1dVector_rbegin(self)
def rend(self) -> "std::vector< npstat::LogMapper1d >::reverse_iterator":
return _npstat.LogMapper1dVector_rend(self)
def clear(self) -> "void":
return _npstat.LogMapper1dVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::LogMapper1d >::allocator_type":
return _npstat.LogMapper1dVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.LogMapper1dVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::LogMapper1d >::iterator":
return _npstat.LogMapper1dVector_erase(self, *args)
def __init__(self, *args):
_npstat.LogMapper1dVector_swiginit(self, _npstat.new_LogMapper1dVector(*args))
def push_back(self, x: "LogMapper1d") -> "void":
return _npstat.LogMapper1dVector_push_back(self, x)
def front(self) -> "std::vector< npstat::LogMapper1d >::value_type const &":
return _npstat.LogMapper1dVector_front(self)
def back(self) -> "std::vector< npstat::LogMapper1d >::value_type const &":
return _npstat.LogMapper1dVector_back(self)
def assign(self, n: "std::vector< npstat::LogMapper1d >::size_type", x: "LogMapper1d") -> "void":
return _npstat.LogMapper1dVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.LogMapper1dVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.LogMapper1dVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::LogMapper1d >::size_type") -> "void":
return _npstat.LogMapper1dVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::LogMapper1d >::size_type":
return _npstat.LogMapper1dVector_capacity(self)
__swig_destroy__ = _npstat.delete_LogMapper1dVector
# Register LogMapper1dVector in _npstat:
_npstat.LogMapper1dVector_swigregister(LogMapper1dVector)
class LinInterpolatedTable1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LinInterpolatedTable1D
def __call__(self, x: "double const &") -> "double":
return _npstat.LinInterpolatedTable1D___call__(self, x)
def __eq__(self, r: "LinInterpolatedTable1D") -> "bool":
return _npstat.LinInterpolatedTable1D___eq__(self, r)
def __ne__(self, r: "LinInterpolatedTable1D") -> "bool":
return _npstat.LinInterpolatedTable1D___ne__(self, r)
def xmin(self) -> "double":
return _npstat.LinInterpolatedTable1D_xmin(self)
def xmax(self) -> "double":
return _npstat.LinInterpolatedTable1D_xmax(self)
def npoints(self) -> "unsigned int":
return _npstat.LinInterpolatedTable1D_npoints(self)
def leftExtrapolationLinear(self) -> "bool":
return _npstat.LinInterpolatedTable1D_leftExtrapolationLinear(self)
def rightExtrapolationLinear(self) -> "bool":
return _npstat.LinInterpolatedTable1D_rightExtrapolationLinear(self)
def data(self) -> "double const *":
return _npstat.LinInterpolatedTable1D_data(self)
def isMonotonous(self) -> "bool":
return _npstat.LinInterpolatedTable1D_isMonotonous(self)
def classId(self) -> "gs::ClassId":
return _npstat.LinInterpolatedTable1D_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LinInterpolatedTable1D_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LinInterpolatedTable1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LinInterpolatedTable1D_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::LinInterpolatedTable1D *":
return _npstat.LinInterpolatedTable1D_read(id, arg2)
def inverse(self, npoints: "unsigned int", leftExtrapolationLinear: "bool", rightExtrapolationLinear: "bool") -> "npstat::LinInterpolatedTable1D *":
return _npstat.LinInterpolatedTable1D_inverse(self, npoints, leftExtrapolationLinear, rightExtrapolationLinear)
def __init__(self, *args):
_npstat.LinInterpolatedTable1D_swiginit(self, _npstat.new_LinInterpolatedTable1D(*args))
# Register LinInterpolatedTable1D in _npstat:
_npstat.LinInterpolatedTable1D_swigregister(LinInterpolatedTable1D)
def LinInterpolatedTable1D_classname() -> "char const *":
return _npstat.LinInterpolatedTable1D_classname()
def LinInterpolatedTable1D_version() -> "unsigned int":
return _npstat.LinInterpolatedTable1D_version()
def LinInterpolatedTable1D_read(id: "ClassId", arg2: "istream") -> "npstat::LinInterpolatedTable1D *":
return _npstat.LinInterpolatedTable1D_read(id, arg2)
class ArchiveRecord_LinInterpolatedTable1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LinInterpolatedTable1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LinInterpolatedTable1D_swiginit(self, _npstat.new_ArchiveRecord_LinInterpolatedTable1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LinInterpolatedTable1D
# Register ArchiveRecord_LinInterpolatedTable1D in _npstat:
_npstat.ArchiveRecord_LinInterpolatedTable1D_swigregister(ArchiveRecord_LinInterpolatedTable1D)
class Ref_LinInterpolatedTable1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LinInterpolatedTable1D_swiginit(self, _npstat.new_Ref_LinInterpolatedTable1D(*args))
def restore(self, index: "unsigned long", obj: "LinInterpolatedTable1D") -> "void":
return _npstat.Ref_LinInterpolatedTable1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LinInterpolatedTable1D *":
return _npstat.Ref_LinInterpolatedTable1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::LinInterpolatedTable1D":
return _npstat.Ref_LinInterpolatedTable1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LinInterpolatedTable1D
# Register Ref_LinInterpolatedTable1D in _npstat:
_npstat.Ref_LinInterpolatedTable1D_swigregister(Ref_LinInterpolatedTable1D)
class LinInterpolatedTable1DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.LinInterpolatedTable1DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.LinInterpolatedTable1DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.LinInterpolatedTable1DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::LinInterpolatedTable1D >::size_type":
return _npstat.LinInterpolatedTable1DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::LinInterpolatedTable1D >::difference_type", j: "std::vector< npstat::LinInterpolatedTable1D >::difference_type") -> "std::vector< npstat::LinInterpolatedTable1D,std::allocator< npstat::LinInterpolatedTable1D > > *":
return _npstat.LinInterpolatedTable1DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.LinInterpolatedTable1DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::LinInterpolatedTable1D >::difference_type", j: "std::vector< npstat::LinInterpolatedTable1D >::difference_type") -> "void":
return _npstat.LinInterpolatedTable1DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.LinInterpolatedTable1DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::LinInterpolatedTable1D >::value_type const &":
return _npstat.LinInterpolatedTable1DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.LinInterpolatedTable1DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::LinInterpolatedTable1D >::value_type":
return _npstat.LinInterpolatedTable1DVector_pop(self)
def append(self, x: "LinInterpolatedTable1D") -> "void":
return _npstat.LinInterpolatedTable1DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.LinInterpolatedTable1DVector_empty(self)
def size(self) -> "std::vector< npstat::LinInterpolatedTable1D >::size_type":
return _npstat.LinInterpolatedTable1DVector_size(self)
def swap(self, v: "LinInterpolatedTable1DVector") -> "void":
return _npstat.LinInterpolatedTable1DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::LinInterpolatedTable1D >::iterator":
return _npstat.LinInterpolatedTable1DVector_begin(self)
def end(self) -> "std::vector< npstat::LinInterpolatedTable1D >::iterator":
return _npstat.LinInterpolatedTable1DVector_end(self)
def rbegin(self) -> "std::vector< npstat::LinInterpolatedTable1D >::reverse_iterator":
return _npstat.LinInterpolatedTable1DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::LinInterpolatedTable1D >::reverse_iterator":
return _npstat.LinInterpolatedTable1DVector_rend(self)
def clear(self) -> "void":
return _npstat.LinInterpolatedTable1DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::LinInterpolatedTable1D >::allocator_type":
return _npstat.LinInterpolatedTable1DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.LinInterpolatedTable1DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::LinInterpolatedTable1D >::iterator":
return _npstat.LinInterpolatedTable1DVector_erase(self, *args)
def __init__(self, *args):
_npstat.LinInterpolatedTable1DVector_swiginit(self, _npstat.new_LinInterpolatedTable1DVector(*args))
def push_back(self, x: "LinInterpolatedTable1D") -> "void":
return _npstat.LinInterpolatedTable1DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::LinInterpolatedTable1D >::value_type const &":
return _npstat.LinInterpolatedTable1DVector_front(self)
def back(self) -> "std::vector< npstat::LinInterpolatedTable1D >::value_type const &":
return _npstat.LinInterpolatedTable1DVector_back(self)
def assign(self, n: "std::vector< npstat::LinInterpolatedTable1D >::size_type", x: "LinInterpolatedTable1D") -> "void":
return _npstat.LinInterpolatedTable1DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.LinInterpolatedTable1DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.LinInterpolatedTable1DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::LinInterpolatedTable1D >::size_type") -> "void":
return _npstat.LinInterpolatedTable1DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::LinInterpolatedTable1D >::size_type":
return _npstat.LinInterpolatedTable1DVector_capacity(self)
__swig_destroy__ = _npstat.delete_LinInterpolatedTable1DVector
# Register LinInterpolatedTable1DVector in _npstat:
_npstat.LinInterpolatedTable1DVector_swigregister(LinInterpolatedTable1DVector)
class AbsDistribution1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistribution1D
def density(self, x: "double") -> "double":
return _npstat.AbsDistribution1D_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.AbsDistribution1D_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.AbsDistribution1D_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.AbsDistribution1D_quantile(self, x)
def __eq__(self, r: "AbsDistribution1D") -> "bool":
return _npstat.AbsDistribution1D___eq__(self, r)
def __ne__(self, r: "AbsDistribution1D") -> "bool":
return _npstat.AbsDistribution1D___ne__(self, r)
def clone(self) -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistribution1D_clone(self)
def empiricalMoment(self, center: "long double", order: "unsigned int", nIntegrationPoints: "unsigned int"=1024, useFejerQuadrature: "bool"=False) -> "long double":
return _npstat.AbsDistribution1D_empiricalMoment(self, center, order, nIntegrationPoints, useFejerQuadrature)
def classId(self) -> "gs::ClassId":
return _npstat.AbsDistribution1D_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.AbsDistribution1D_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.AbsDistribution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.AbsDistribution1D_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistribution1D_read(id, arg2)
def random(self, g: "AbsRandomGenerator") -> "double":
return _npstat.AbsDistribution1D_random(self, g)
def generate(self, g: "AbsRandomGenerator", npoints: "unsigned int") -> "std::vector< double,std::allocator< double > >":
return _npstat.AbsDistribution1D_generate(self, g, npoints)
# Register AbsDistribution1D in _npstat:
_npstat.AbsDistribution1D_swigregister(AbsDistribution1D)
def AbsDistribution1D_classname() -> "char const *":
return _npstat.AbsDistribution1D_classname()
def AbsDistribution1D_version() -> "unsigned int":
return _npstat.AbsDistribution1D_version()
def AbsDistribution1D_read(id: "ClassId", arg2: "istream") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistribution1D_read(id, arg2)
class AbsScalableDistribution1D(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsScalableDistribution1D
def location(self) -> "double":
return _npstat.AbsScalableDistribution1D_location(self)
def scale(self) -> "double":
return _npstat.AbsScalableDistribution1D_scale(self)
def setLocation(self, v: "double const") -> "void":
return _npstat.AbsScalableDistribution1D_setLocation(self, v)
def setScale(self, v: "double const") -> "void":
return _npstat.AbsScalableDistribution1D_setScale(self, v)
def density(self, x: "double const") -> "double":
return _npstat.AbsScalableDistribution1D_density(self, x)
def cdf(self, x: "double const") -> "double":
return _npstat.AbsScalableDistribution1D_cdf(self, x)
def exceedance(self, x: "double const") -> "double":
return _npstat.AbsScalableDistribution1D_exceedance(self, x)
def quantile(self, x: "double const") -> "double":
return _npstat.AbsScalableDistribution1D_quantile(self, x)
def clone(self) -> "npstat::AbsScalableDistribution1D *":
return _npstat.AbsScalableDistribution1D_clone(self)
def classId(self) -> "gs::ClassId":
return _npstat.AbsScalableDistribution1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.AbsScalableDistribution1D_write(self, os)
@staticmethod
def read(_is: "istream", location: "double *", scale: "double *") -> "bool":
return _npstat.AbsScalableDistribution1D_read(_is, location, scale)
# Register AbsScalableDistribution1D in _npstat:
_npstat.AbsScalableDistribution1D_swigregister(AbsScalableDistribution1D)
def AbsScalableDistribution1D_read(_is: "istream", location: "double *", scale: "double *") -> "bool":
return _npstat.AbsScalableDistribution1D_read(_is, location, scale)
class DensityFunctor1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", normfactor: "double const"=1.0):
_npstat.DensityFunctor1D_swiginit(self, _npstat.new_DensityFunctor1D(fcn, normfactor))
__swig_destroy__ = _npstat.delete_DensityFunctor1D
def __call__(self, a: "double const &") -> "double":
return _npstat.DensityFunctor1D___call__(self, a)
# Register DensityFunctor1D in _npstat:
_npstat.DensityFunctor1D_swigregister(DensityFunctor1D)
class DensitySquaredFunctor1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", normfactor: "double const"=1.0):
_npstat.DensitySquaredFunctor1D_swiginit(self, _npstat.new_DensitySquaredFunctor1D(fcn, normfactor))
__swig_destroy__ = _npstat.delete_DensitySquaredFunctor1D
def __call__(self, a: "double const &") -> "double":
return _npstat.DensitySquaredFunctor1D___call__(self, a)
# Register DensitySquaredFunctor1D in _npstat:
_npstat.DensitySquaredFunctor1D_swigregister(DensitySquaredFunctor1D)
class CdfFunctor1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", normfactor: "double const"=1.0):
_npstat.CdfFunctor1D_swiginit(self, _npstat.new_CdfFunctor1D(fcn, normfactor))
__swig_destroy__ = _npstat.delete_CdfFunctor1D
def __call__(self, a: "double const &") -> "double":
return _npstat.CdfFunctor1D___call__(self, a)
# Register CdfFunctor1D in _npstat:
_npstat.CdfFunctor1D_swigregister(CdfFunctor1D)
class ExceedanceFunctor1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", normfactor: "double const"=1.0):
_npstat.ExceedanceFunctor1D_swiginit(self, _npstat.new_ExceedanceFunctor1D(fcn, normfactor))
__swig_destroy__ = _npstat.delete_ExceedanceFunctor1D
def __call__(self, a: "double const &") -> "double":
return _npstat.ExceedanceFunctor1D___call__(self, a)
# Register ExceedanceFunctor1D in _npstat:
_npstat.ExceedanceFunctor1D_swigregister(ExceedanceFunctor1D)
class QuantileFunctor1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", normfactor: "double const"=1.0):
_npstat.QuantileFunctor1D_swiginit(self, _npstat.new_QuantileFunctor1D(fcn, normfactor))
__swig_destroy__ = _npstat.delete_QuantileFunctor1D
def __call__(self, a: "double const &") -> "double":
return _npstat.QuantileFunctor1D___call__(self, a)
# Register QuantileFunctor1D in _npstat:
_npstat.QuantileFunctor1D_swigregister(QuantileFunctor1D)
class UnscaledDensityFunctor1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsScalableDistribution1D", normfactor: "double const"=1.0):
_npstat.UnscaledDensityFunctor1D_swiginit(self, _npstat.new_UnscaledDensityFunctor1D(fcn, normfactor))
__swig_destroy__ = _npstat.delete_UnscaledDensityFunctor1D
def __call__(self, a: "double const &") -> "double":
return _npstat.UnscaledDensityFunctor1D___call__(self, a)
# Register UnscaledDensityFunctor1D in _npstat:
_npstat.UnscaledDensityFunctor1D_swigregister(UnscaledDensityFunctor1D)
class UnscaledCdfFunctor1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsScalableDistribution1D", normfactor: "double const"=1.0):
_npstat.UnscaledCdfFunctor1D_swiginit(self, _npstat.new_UnscaledCdfFunctor1D(fcn, normfactor))
__swig_destroy__ = _npstat.delete_UnscaledCdfFunctor1D
def __call__(self, a: "double const &") -> "double":
return _npstat.UnscaledCdfFunctor1D___call__(self, a)
# Register UnscaledCdfFunctor1D in _npstat:
_npstat.UnscaledCdfFunctor1D_swigregister(UnscaledCdfFunctor1D)
class AcceptanceFunctor1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", maxDensityValue: "double const"):
_npstat.AcceptanceFunctor1D_swiginit(self, _npstat.new_AcceptanceFunctor1D(fcn, maxDensityValue))
__swig_destroy__ = _npstat.delete_AcceptanceFunctor1D
def __call__(self, a: "double const &") -> "double":
return _npstat.AcceptanceFunctor1D___call__(self, a)
# Register AcceptanceFunctor1D in _npstat:
_npstat.AcceptanceFunctor1D_swigregister(AcceptanceFunctor1D)
class InverseAcceptanceFunctor1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", minDensityValue: "double const"):
_npstat.InverseAcceptanceFunctor1D_swiginit(self, _npstat.new_InverseAcceptanceFunctor1D(fcn, minDensityValue))
__swig_destroy__ = _npstat.delete_InverseAcceptanceFunctor1D
def __call__(self, a: "double const &") -> "double":
return _npstat.InverseAcceptanceFunctor1D___call__(self, a)
# Register InverseAcceptanceFunctor1D in _npstat:
_npstat.InverseAcceptanceFunctor1D_swigregister(InverseAcceptanceFunctor1D)
class AbsDistribution1DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.AbsDistribution1DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.AbsDistribution1DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.AbsDistribution1DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::AbsDistribution1D * >::size_type":
return _npstat.AbsDistribution1DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::AbsDistribution1D * >::difference_type", j: "std::vector< npstat::AbsDistribution1D * >::difference_type") -> "std::vector< npstat::AbsDistribution1D *,std::allocator< npstat::AbsDistribution1D * > > *":
return _npstat.AbsDistribution1DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.AbsDistribution1DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::AbsDistribution1D * >::difference_type", j: "std::vector< npstat::AbsDistribution1D * >::difference_type") -> "void":
return _npstat.AbsDistribution1DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.AbsDistribution1DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::AbsDistribution1D * >::value_type":
return _npstat.AbsDistribution1DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.AbsDistribution1DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::AbsDistribution1D * >::value_type":
return _npstat.AbsDistribution1DVector_pop(self)
def append(self, x: "AbsDistribution1D") -> "void":
return _npstat.AbsDistribution1DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.AbsDistribution1DVector_empty(self)
def size(self) -> "std::vector< npstat::AbsDistribution1D * >::size_type":
return _npstat.AbsDistribution1DVector_size(self)
def swap(self, v: "AbsDistribution1DVector") -> "void":
return _npstat.AbsDistribution1DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::AbsDistribution1D * >::iterator":
return _npstat.AbsDistribution1DVector_begin(self)
def end(self) -> "std::vector< npstat::AbsDistribution1D * >::iterator":
return _npstat.AbsDistribution1DVector_end(self)
def rbegin(self) -> "std::vector< npstat::AbsDistribution1D * >::reverse_iterator":
return _npstat.AbsDistribution1DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::AbsDistribution1D * >::reverse_iterator":
return _npstat.AbsDistribution1DVector_rend(self)
def clear(self) -> "void":
return _npstat.AbsDistribution1DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::AbsDistribution1D * >::allocator_type":
return _npstat.AbsDistribution1DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.AbsDistribution1DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::AbsDistribution1D * >::iterator":
return _npstat.AbsDistribution1DVector_erase(self, *args)
def __init__(self, *args):
_npstat.AbsDistribution1DVector_swiginit(self, _npstat.new_AbsDistribution1DVector(*args))
def push_back(self, x: "AbsDistribution1D") -> "void":
return _npstat.AbsDistribution1DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::AbsDistribution1D * >::value_type":
return _npstat.AbsDistribution1DVector_front(self)
def back(self) -> "std::vector< npstat::AbsDistribution1D * >::value_type":
return _npstat.AbsDistribution1DVector_back(self)
def assign(self, n: "std::vector< npstat::AbsDistribution1D * >::size_type", x: "AbsDistribution1D") -> "void":
return _npstat.AbsDistribution1DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.AbsDistribution1DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.AbsDistribution1DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::AbsDistribution1D * >::size_type") -> "void":
return _npstat.AbsDistribution1DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::AbsDistribution1D * >::size_type":
return _npstat.AbsDistribution1DVector_capacity(self)
__swig_destroy__ = _npstat.delete_AbsDistribution1DVector
# Register AbsDistribution1DVector in _npstat:
_npstat.AbsDistribution1DVector_swigregister(AbsDistribution1DVector)
class ArchiveRecord_AbsDistribution1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "AbsDistribution1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_AbsDistribution1D_swiginit(self, _npstat.new_ArchiveRecord_AbsDistribution1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_AbsDistribution1D
# Register ArchiveRecord_AbsDistribution1D in _npstat:
_npstat.ArchiveRecord_AbsDistribution1D_swigregister(ArchiveRecord_AbsDistribution1D)
class Ref_AbsDistribution1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_AbsDistribution1D_swiginit(self, _npstat.new_Ref_AbsDistribution1D(*args))
def restore(self, index: "unsigned long", obj: "AbsDistribution1D") -> "void":
return _npstat.Ref_AbsDistribution1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::AbsDistribution1D *":
return _npstat.Ref_AbsDistribution1D_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_AbsDistribution1D
# Register Ref_AbsDistribution1D in _npstat:
_npstat.Ref_AbsDistribution1D_swigregister(Ref_AbsDistribution1D)
class Uniform1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double const", scale: "double const"):
_npstat.Uniform1D_swiginit(self, _npstat.new_Uniform1D(location, scale))
def clone(self) -> "npstat::Uniform1D *":
return _npstat.Uniform1D_clone(self)
__swig_destroy__ = _npstat.delete_Uniform1D
def classId(self) -> "gs::ClassId":
return _npstat.Uniform1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Uniform1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Uniform1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Uniform1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Uniform1D *":
return _npstat.Uniform1D_read(id, _in)
# Register Uniform1D in _npstat:
_npstat.Uniform1D_swigregister(Uniform1D)
def Uniform1D_classname() -> "char const *":
return _npstat.Uniform1D_classname()
def Uniform1D_version() -> "unsigned int":
return _npstat.Uniform1D_version()
def Uniform1D_read(id: "ClassId", _in: "istream") -> "npstat::Uniform1D *":
return _npstat.Uniform1D_read(id, _in)
class IsoscelesTriangle1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double const", scale: "double const"):
_npstat.IsoscelesTriangle1D_swiginit(self, _npstat.new_IsoscelesTriangle1D(location, scale))
def clone(self) -> "npstat::IsoscelesTriangle1D *":
return _npstat.IsoscelesTriangle1D_clone(self)
__swig_destroy__ = _npstat.delete_IsoscelesTriangle1D
def classId(self) -> "gs::ClassId":
return _npstat.IsoscelesTriangle1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.IsoscelesTriangle1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.IsoscelesTriangle1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IsoscelesTriangle1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::IsoscelesTriangle1D *":
return _npstat.IsoscelesTriangle1D_read(id, _in)
# Register IsoscelesTriangle1D in _npstat:
_npstat.IsoscelesTriangle1D_swigregister(IsoscelesTriangle1D)
def IsoscelesTriangle1D_classname() -> "char const *":
return _npstat.IsoscelesTriangle1D_classname()
def IsoscelesTriangle1D_version() -> "unsigned int":
return _npstat.IsoscelesTriangle1D_version()
def IsoscelesTriangle1D_read(id: "ClassId", _in: "istream") -> "npstat::IsoscelesTriangle1D *":
return _npstat.IsoscelesTriangle1D_read(id, _in)
class Exponential1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double const", scale: "double const"):
_npstat.Exponential1D_swiginit(self, _npstat.new_Exponential1D(location, scale))
def clone(self) -> "npstat::Exponential1D *":
return _npstat.Exponential1D_clone(self)
__swig_destroy__ = _npstat.delete_Exponential1D
def classId(self) -> "gs::ClassId":
return _npstat.Exponential1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Exponential1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Exponential1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Exponential1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Exponential1D *":
return _npstat.Exponential1D_read(id, _in)
# Register Exponential1D in _npstat:
_npstat.Exponential1D_swigregister(Exponential1D)
def Exponential1D_classname() -> "char const *":
return _npstat.Exponential1D_classname()
def Exponential1D_version() -> "unsigned int":
return _npstat.Exponential1D_version()
def Exponential1D_read(id: "ClassId", _in: "istream") -> "npstat::Exponential1D *":
return _npstat.Exponential1D_read(id, _in)
class Logistic1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double const", scale: "double const"):
_npstat.Logistic1D_swiginit(self, _npstat.new_Logistic1D(location, scale))
def clone(self) -> "npstat::Logistic1D *":
return _npstat.Logistic1D_clone(self)
__swig_destroy__ = _npstat.delete_Logistic1D
def classId(self) -> "gs::ClassId":
return _npstat.Logistic1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Logistic1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Logistic1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Logistic1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Logistic1D *":
return _npstat.Logistic1D_read(id, _in)
# Register Logistic1D in _npstat:
_npstat.Logistic1D_swigregister(Logistic1D)
def Logistic1D_classname() -> "char const *":
return _npstat.Logistic1D_classname()
def Logistic1D_version() -> "unsigned int":
return _npstat.Logistic1D_version()
def Logistic1D_read(id: "ClassId", _in: "istream") -> "npstat::Logistic1D *":
return _npstat.Logistic1D_read(id, _in)
class Quadratic1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", a: "double", b: "double"):
_npstat.Quadratic1D_swiginit(self, _npstat.new_Quadratic1D(location, scale, a, b))
def clone(self) -> "npstat::Quadratic1D *":
return _npstat.Quadratic1D_clone(self)
__swig_destroy__ = _npstat.delete_Quadratic1D
def a(self) -> "double":
return _npstat.Quadratic1D_a(self)
def b(self) -> "double":
return _npstat.Quadratic1D_b(self)
def classId(self) -> "gs::ClassId":
return _npstat.Quadratic1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Quadratic1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Quadratic1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Quadratic1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Quadratic1D *":
return _npstat.Quadratic1D_read(id, _in)
# Register Quadratic1D in _npstat:
_npstat.Quadratic1D_swigregister(Quadratic1D)
def Quadratic1D_classname() -> "char const *":
return _npstat.Quadratic1D_classname()
def Quadratic1D_version() -> "unsigned int":
return _npstat.Quadratic1D_version()
def Quadratic1D_read(id: "ClassId", _in: "istream") -> "npstat::Quadratic1D *":
return _npstat.Quadratic1D_read(id, _in)
class LogQuadratic1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", a: "double", b: "double"):
_npstat.LogQuadratic1D_swiginit(self, _npstat.new_LogQuadratic1D(location, scale, a, b))
def clone(self) -> "npstat::LogQuadratic1D *":
return _npstat.LogQuadratic1D_clone(self)
__swig_destroy__ = _npstat.delete_LogQuadratic1D
def a(self) -> "double":
return _npstat.LogQuadratic1D_a(self)
def b(self) -> "double":
return _npstat.LogQuadratic1D_b(self)
def classId(self) -> "gs::ClassId":
return _npstat.LogQuadratic1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.LogQuadratic1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.LogQuadratic1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LogQuadratic1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LogQuadratic1D *":
return _npstat.LogQuadratic1D_read(id, _in)
# Register LogQuadratic1D in _npstat:
_npstat.LogQuadratic1D_swigregister(LogQuadratic1D)
def LogQuadratic1D_classname() -> "char const *":
return _npstat.LogQuadratic1D_classname()
def LogQuadratic1D_version() -> "unsigned int":
return _npstat.LogQuadratic1D_version()
def LogQuadratic1D_read(id: "ClassId", _in: "istream") -> "npstat::LogQuadratic1D *":
return _npstat.LogQuadratic1D_read(id, _in)
class Gauss1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double"):
_npstat.Gauss1D_swiginit(self, _npstat.new_Gauss1D(location, scale))
def clone(self) -> "npstat::Gauss1D *":
return _npstat.Gauss1D_clone(self)
__swig_destroy__ = _npstat.delete_Gauss1D
def classId(self) -> "gs::ClassId":
return _npstat.Gauss1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Gauss1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Gauss1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Gauss1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Gauss1D *":
return _npstat.Gauss1D_read(id, _in)
# Register Gauss1D in _npstat:
_npstat.Gauss1D_swigregister(Gauss1D)
def Gauss1D_classname() -> "char const *":
return _npstat.Gauss1D_classname()
def Gauss1D_version() -> "unsigned int":
return _npstat.Gauss1D_version()
def Gauss1D_read(id: "ClassId", _in: "istream") -> "npstat::Gauss1D *":
return _npstat.Gauss1D_read(id, _in)
class TruncatedGauss1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", nsigma: "double"):
_npstat.TruncatedGauss1D_swiginit(self, _npstat.new_TruncatedGauss1D(location, scale, nsigma))
def clone(self) -> "npstat::TruncatedGauss1D *":
return _npstat.TruncatedGauss1D_clone(self)
__swig_destroy__ = _npstat.delete_TruncatedGauss1D
def nsigma(self) -> "double":
return _npstat.TruncatedGauss1D_nsigma(self)
def classId(self) -> "gs::ClassId":
return _npstat.TruncatedGauss1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.TruncatedGauss1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.TruncatedGauss1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.TruncatedGauss1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::TruncatedGauss1D *":
return _npstat.TruncatedGauss1D_read(id, _in)
# Register TruncatedGauss1D in _npstat:
_npstat.TruncatedGauss1D_swigregister(TruncatedGauss1D)
def TruncatedGauss1D_classname() -> "char const *":
return _npstat.TruncatedGauss1D_classname()
def TruncatedGauss1D_version() -> "unsigned int":
return _npstat.TruncatedGauss1D_version()
def TruncatedGauss1D_read(id: "ClassId", _in: "istream") -> "npstat::TruncatedGauss1D *":
return _npstat.TruncatedGauss1D_read(id, _in)
class MirroredGauss1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", meanOn0_1: "double", sigmaOn0_1: "double"):
_npstat.MirroredGauss1D_swiginit(self, _npstat.new_MirroredGauss1D(location, scale, meanOn0_1, sigmaOn0_1))
def clone(self) -> "npstat::MirroredGauss1D *":
return _npstat.MirroredGauss1D_clone(self)
__swig_destroy__ = _npstat.delete_MirroredGauss1D
def meanOn0_1(self) -> "double":
return _npstat.MirroredGauss1D_meanOn0_1(self)
def sigmaOn0_1(self) -> "double":
return _npstat.MirroredGauss1D_sigmaOn0_1(self)
def classId(self) -> "gs::ClassId":
return _npstat.MirroredGauss1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.MirroredGauss1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.MirroredGauss1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.MirroredGauss1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::MirroredGauss1D *":
return _npstat.MirroredGauss1D_read(id, _in)
# Register MirroredGauss1D in _npstat:
_npstat.MirroredGauss1D_swigregister(MirroredGauss1D)
def MirroredGauss1D_classname() -> "char const *":
return _npstat.MirroredGauss1D_classname()
def MirroredGauss1D_version() -> "unsigned int":
return _npstat.MirroredGauss1D_version()
def MirroredGauss1D_read(id: "ClassId", _in: "istream") -> "npstat::MirroredGauss1D *":
return _npstat.MirroredGauss1D_read(id, _in)
class BifurcatedGauss1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", leftSigmaFraction: "double", nSigmasLeft: "double", nSigmasRight: "double"):
_npstat.BifurcatedGauss1D_swiginit(self, _npstat.new_BifurcatedGauss1D(location, scale, leftSigmaFraction, nSigmasLeft, nSigmasRight))
def clone(self) -> "npstat::BifurcatedGauss1D *":
return _npstat.BifurcatedGauss1D_clone(self)
__swig_destroy__ = _npstat.delete_BifurcatedGauss1D
def leftSigmaFraction(self) -> "double":
return _npstat.BifurcatedGauss1D_leftSigmaFraction(self)
def nSigmasLeft(self) -> "double":
return _npstat.BifurcatedGauss1D_nSigmasLeft(self)
def nSigmasRight(self) -> "double":
return _npstat.BifurcatedGauss1D_nSigmasRight(self)
def classId(self) -> "gs::ClassId":
return _npstat.BifurcatedGauss1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.BifurcatedGauss1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.BifurcatedGauss1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.BifurcatedGauss1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::BifurcatedGauss1D *":
return _npstat.BifurcatedGauss1D_read(id, _in)
# Register BifurcatedGauss1D in _npstat:
_npstat.BifurcatedGauss1D_swigregister(BifurcatedGauss1D)
def BifurcatedGauss1D_classname() -> "char const *":
return _npstat.BifurcatedGauss1D_classname()
def BifurcatedGauss1D_version() -> "unsigned int":
return _npstat.BifurcatedGauss1D_version()
def BifurcatedGauss1D_read(id: "ClassId", _in: "istream") -> "npstat::BifurcatedGauss1D *":
return _npstat.BifurcatedGauss1D_read(id, _in)
class SymmetricBeta1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", power: "double"):
_npstat.SymmetricBeta1D_swiginit(self, _npstat.new_SymmetricBeta1D(location, scale, power))
def clone(self) -> "npstat::SymmetricBeta1D *":
return _npstat.SymmetricBeta1D_clone(self)
__swig_destroy__ = _npstat.delete_SymmetricBeta1D
def power(self) -> "double":
return _npstat.SymmetricBeta1D_power(self)
def classId(self) -> "gs::ClassId":
return _npstat.SymmetricBeta1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.SymmetricBeta1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.SymmetricBeta1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.SymmetricBeta1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::SymmetricBeta1D *":
return _npstat.SymmetricBeta1D_read(id, _in)
# Register SymmetricBeta1D in _npstat:
_npstat.SymmetricBeta1D_swigregister(SymmetricBeta1D)
def SymmetricBeta1D_classname() -> "char const *":
return _npstat.SymmetricBeta1D_classname()
def SymmetricBeta1D_version() -> "unsigned int":
return _npstat.SymmetricBeta1D_version()
def SymmetricBeta1D_read(id: "ClassId", _in: "istream") -> "npstat::SymmetricBeta1D *":
return _npstat.SymmetricBeta1D_read(id, _in)
class Beta1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", alpha: "double", beta: "double"):
_npstat.Beta1D_swiginit(self, _npstat.new_Beta1D(location, scale, alpha, beta))
def clone(self) -> "npstat::Beta1D *":
return _npstat.Beta1D_clone(self)
__swig_destroy__ = _npstat.delete_Beta1D
def alpha(self) -> "double":
return _npstat.Beta1D_alpha(self)
def beta(self) -> "double":
return _npstat.Beta1D_beta(self)
def classId(self) -> "gs::ClassId":
return _npstat.Beta1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Beta1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Beta1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Beta1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Beta1D *":
return _npstat.Beta1D_read(id, _in)
# Register Beta1D in _npstat:
_npstat.Beta1D_swigregister(Beta1D)
def Beta1D_classname() -> "char const *":
return _npstat.Beta1D_classname()
def Beta1D_version() -> "unsigned int":
return _npstat.Beta1D_version()
def Beta1D_read(id: "ClassId", _in: "istream") -> "npstat::Beta1D *":
return _npstat.Beta1D_read(id, _in)
class Gamma1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", alpha: "double"):
_npstat.Gamma1D_swiginit(self, _npstat.new_Gamma1D(location, scale, alpha))
def clone(self) -> "npstat::Gamma1D *":
return _npstat.Gamma1D_clone(self)
__swig_destroy__ = _npstat.delete_Gamma1D
def alpha(self) -> "double":
return _npstat.Gamma1D_alpha(self)
def classId(self) -> "gs::ClassId":
return _npstat.Gamma1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Gamma1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Gamma1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Gamma1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Gamma1D *":
return _npstat.Gamma1D_read(id, _in)
# Register Gamma1D in _npstat:
_npstat.Gamma1D_swigregister(Gamma1D)
def Gamma1D_classname() -> "char const *":
return _npstat.Gamma1D_classname()
def Gamma1D_version() -> "unsigned int":
return _npstat.Gamma1D_version()
def Gamma1D_read(id: "ClassId", _in: "istream") -> "npstat::Gamma1D *":
return _npstat.Gamma1D_read(id, _in)
class Pareto1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", powerParameter: "double"):
_npstat.Pareto1D_swiginit(self, _npstat.new_Pareto1D(location, scale, powerParameter))
def clone(self) -> "npstat::Pareto1D *":
return _npstat.Pareto1D_clone(self)
__swig_destroy__ = _npstat.delete_Pareto1D
def powerParameter(self) -> "double":
return _npstat.Pareto1D_powerParameter(self)
def classId(self) -> "gs::ClassId":
return _npstat.Pareto1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Pareto1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Pareto1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Pareto1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Pareto1D *":
return _npstat.Pareto1D_read(id, _in)
# Register Pareto1D in _npstat:
_npstat.Pareto1D_swigregister(Pareto1D)
def Pareto1D_classname() -> "char const *":
return _npstat.Pareto1D_classname()
def Pareto1D_version() -> "unsigned int":
return _npstat.Pareto1D_version()
def Pareto1D_read(id: "ClassId", _in: "istream") -> "npstat::Pareto1D *":
return _npstat.Pareto1D_read(id, _in)
class UniPareto1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", powerParameter: "double"):
_npstat.UniPareto1D_swiginit(self, _npstat.new_UniPareto1D(location, scale, powerParameter))
def clone(self) -> "npstat::UniPareto1D *":
return _npstat.UniPareto1D_clone(self)
__swig_destroy__ = _npstat.delete_UniPareto1D
def powerParameter(self) -> "double":
return _npstat.UniPareto1D_powerParameter(self)
def classId(self) -> "gs::ClassId":
return _npstat.UniPareto1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.UniPareto1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.UniPareto1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UniPareto1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::UniPareto1D *":
return _npstat.UniPareto1D_read(id, _in)
# Register UniPareto1D in _npstat:
_npstat.UniPareto1D_swigregister(UniPareto1D)
def UniPareto1D_classname() -> "char const *":
return _npstat.UniPareto1D_classname()
def UniPareto1D_version() -> "unsigned int":
return _npstat.UniPareto1D_version()
def UniPareto1D_read(id: "ClassId", _in: "istream") -> "npstat::UniPareto1D *":
return _npstat.UniPareto1D_read(id, _in)
class Huber1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", tailWeight: "double"):
_npstat.Huber1D_swiginit(self, _npstat.new_Huber1D(location, scale, tailWeight))
def clone(self) -> "npstat::Huber1D *":
return _npstat.Huber1D_clone(self)
__swig_destroy__ = _npstat.delete_Huber1D
def tailWeight(self) -> "double":
return _npstat.Huber1D_tailWeight(self)
def tailStart(self) -> "double":
return _npstat.Huber1D_tailStart(self)
def classId(self) -> "gs::ClassId":
return _npstat.Huber1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Huber1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Huber1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Huber1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Huber1D *":
return _npstat.Huber1D_read(id, _in)
# Register Huber1D in _npstat:
_npstat.Huber1D_swigregister(Huber1D)
def Huber1D_classname() -> "char const *":
return _npstat.Huber1D_classname()
def Huber1D_version() -> "unsigned int":
return _npstat.Huber1D_version()
def Huber1D_read(id: "ClassId", _in: "istream") -> "npstat::Huber1D *":
return _npstat.Huber1D_read(id, _in)
class Cauchy1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double"):
_npstat.Cauchy1D_swiginit(self, _npstat.new_Cauchy1D(location, scale))
def clone(self) -> "npstat::Cauchy1D *":
return _npstat.Cauchy1D_clone(self)
__swig_destroy__ = _npstat.delete_Cauchy1D
def classId(self) -> "gs::ClassId":
return _npstat.Cauchy1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Cauchy1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Cauchy1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Cauchy1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Cauchy1D *":
return _npstat.Cauchy1D_read(id, _in)
# Register Cauchy1D in _npstat:
_npstat.Cauchy1D_swigregister(Cauchy1D)
def Cauchy1D_classname() -> "char const *":
return _npstat.Cauchy1D_classname()
def Cauchy1D_version() -> "unsigned int":
return _npstat.Cauchy1D_version()
def Cauchy1D_read(id: "ClassId", _in: "istream") -> "npstat::Cauchy1D *":
return _npstat.Cauchy1D_read(id, _in)
class LogNormal(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, mean: "double", stdev: "double", skewness: "double"):
_npstat.LogNormal_swiginit(self, _npstat.new_LogNormal(mean, stdev, skewness))
def clone(self) -> "npstat::LogNormal *":
return _npstat.LogNormal_clone(self)
__swig_destroy__ = _npstat.delete_LogNormal
def skewness(self) -> "double":
return _npstat.LogNormal_skewness(self)
def classId(self) -> "gs::ClassId":
return _npstat.LogNormal_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.LogNormal_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.LogNormal_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LogNormal_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LogNormal *":
return _npstat.LogNormal_read(id, _in)
# Register LogNormal in _npstat:
_npstat.LogNormal_swigregister(LogNormal)
def LogNormal_classname() -> "char const *":
return _npstat.LogNormal_classname()
def LogNormal_version() -> "unsigned int":
return _npstat.LogNormal_version()
def LogNormal_read(id: "ClassId", _in: "istream") -> "npstat::LogNormal *":
return _npstat.LogNormal_read(id, _in)
class Moyal1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double"):
_npstat.Moyal1D_swiginit(self, _npstat.new_Moyal1D(location, scale))
def clone(self) -> "npstat::Moyal1D *":
return _npstat.Moyal1D_clone(self)
__swig_destroy__ = _npstat.delete_Moyal1D
def classId(self) -> "gs::ClassId":
return _npstat.Moyal1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Moyal1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Moyal1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Moyal1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Moyal1D *":
return _npstat.Moyal1D_read(id, _in)
# Register Moyal1D in _npstat:
_npstat.Moyal1D_swigregister(Moyal1D)
def Moyal1D_classname() -> "char const *":
return _npstat.Moyal1D_classname()
def Moyal1D_version() -> "unsigned int":
return _npstat.Moyal1D_version()
def Moyal1D_read(id: "ClassId", _in: "istream") -> "npstat::Moyal1D *":
return _npstat.Moyal1D_read(id, _in)
class StudentsT1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", nDegreesOfFreedom: "double"):
_npstat.StudentsT1D_swiginit(self, _npstat.new_StudentsT1D(location, scale, nDegreesOfFreedom))
def clone(self) -> "npstat::StudentsT1D *":
return _npstat.StudentsT1D_clone(self)
__swig_destroy__ = _npstat.delete_StudentsT1D
def nDegreesOfFreedom(self) -> "double":
return _npstat.StudentsT1D_nDegreesOfFreedom(self)
def classId(self) -> "gs::ClassId":
return _npstat.StudentsT1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.StudentsT1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.StudentsT1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StudentsT1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StudentsT1D *":
return _npstat.StudentsT1D_read(id, _in)
# Register StudentsT1D in _npstat:
_npstat.StudentsT1D_swigregister(StudentsT1D)
def StudentsT1D_classname() -> "char const *":
return _npstat.StudentsT1D_classname()
def StudentsT1D_version() -> "unsigned int":
return _npstat.StudentsT1D_version()
def StudentsT1D_read(id: "ClassId", _in: "istream") -> "npstat::StudentsT1D *":
return _npstat.StudentsT1D_read(id, _in)
class Tabulated1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double const", scale: "double const", table: "DoubleVector", interpolationDegree: "unsigned int const"):
_npstat.Tabulated1D_swiginit(self, _npstat.new_Tabulated1D(location, scale, table, interpolationDegree))
def clone(self) -> "npstat::Tabulated1D *":
return _npstat.Tabulated1D_clone(self)
__swig_destroy__ = _npstat.delete_Tabulated1D
def interpolationDegree(self) -> "unsigned int":
return _npstat.Tabulated1D_interpolationDegree(self)
def tableLength(self) -> "unsigned int":
return _npstat.Tabulated1D_tableLength(self)
def tableData(self) -> "double const *":
return _npstat.Tabulated1D_tableData(self)
def classId(self) -> "gs::ClassId":
return _npstat.Tabulated1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Tabulated1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Tabulated1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Tabulated1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Tabulated1D *":
return _npstat.Tabulated1D_read(id, _in)
# Register Tabulated1D in _npstat:
_npstat.Tabulated1D_swigregister(Tabulated1D)
def Tabulated1D_classname() -> "char const *":
return _npstat.Tabulated1D_classname()
def Tabulated1D_version() -> "unsigned int":
return _npstat.Tabulated1D_version()
def Tabulated1D_read(id: "ClassId", _in: "istream") -> "npstat::Tabulated1D *":
return _npstat.Tabulated1D_read(id, _in)
class BinnedDensity1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double const", scale: "double const", table: "DoubleVector", interpolationDegree: "unsigned int const"):
_npstat.BinnedDensity1D_swiginit(self, _npstat.new_BinnedDensity1D(location, scale, table, interpolationDegree))
def clone(self) -> "npstat::BinnedDensity1D *":
return _npstat.BinnedDensity1D_clone(self)
__swig_destroy__ = _npstat.delete_BinnedDensity1D
def interpolationDegree(self) -> "unsigned int":
return _npstat.BinnedDensity1D_interpolationDegree(self)
def tableLength(self) -> "unsigned int":
return _npstat.BinnedDensity1D_tableLength(self)
def tableData(self) -> "double const *":
return _npstat.BinnedDensity1D_tableData(self)
def classId(self) -> "gs::ClassId":
return _npstat.BinnedDensity1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.BinnedDensity1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.BinnedDensity1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.BinnedDensity1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::BinnedDensity1D *":
return _npstat.BinnedDensity1D_read(id, _in)
# Register BinnedDensity1D in _npstat:
_npstat.BinnedDensity1D_swigregister(BinnedDensity1D)
def BinnedDensity1D_classname() -> "char const *":
return _npstat.BinnedDensity1D_classname()
def BinnedDensity1D_version() -> "unsigned int":
return _npstat.BinnedDensity1D_version()
def BinnedDensity1D_read(id: "ClassId", _in: "istream") -> "npstat::BinnedDensity1D *":
return _npstat.BinnedDensity1D_read(id, _in)
class ArchiveRecord_Uniform1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Uniform1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Uniform1D_swiginit(self, _npstat.new_ArchiveRecord_Uniform1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Uniform1D
# Register ArchiveRecord_Uniform1D in _npstat:
_npstat.ArchiveRecord_Uniform1D_swigregister(ArchiveRecord_Uniform1D)
class Ref_Uniform1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Uniform1D_swiginit(self, _npstat.new_Ref_Uniform1D(*args))
def restore(self, index: "unsigned long", obj: "Uniform1D") -> "void":
return _npstat.Ref_Uniform1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Uniform1D *":
return _npstat.Ref_Uniform1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Uniform1D":
return _npstat.Ref_Uniform1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Uniform1D
# Register Ref_Uniform1D in _npstat:
_npstat.Ref_Uniform1D_swigregister(Ref_Uniform1D)
class ArchiveRecord_IsoscelesTriangle1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "IsoscelesTriangle1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_IsoscelesTriangle1D_swiginit(self, _npstat.new_ArchiveRecord_IsoscelesTriangle1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_IsoscelesTriangle1D
# Register ArchiveRecord_IsoscelesTriangle1D in _npstat:
_npstat.ArchiveRecord_IsoscelesTriangle1D_swigregister(ArchiveRecord_IsoscelesTriangle1D)
class Ref_IsoscelesTriangle1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IsoscelesTriangle1D_swiginit(self, _npstat.new_Ref_IsoscelesTriangle1D(*args))
def restore(self, index: "unsigned long", obj: "IsoscelesTriangle1D") -> "void":
return _npstat.Ref_IsoscelesTriangle1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::IsoscelesTriangle1D *":
return _npstat.Ref_IsoscelesTriangle1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::IsoscelesTriangle1D":
return _npstat.Ref_IsoscelesTriangle1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_IsoscelesTriangle1D
# Register Ref_IsoscelesTriangle1D in _npstat:
_npstat.Ref_IsoscelesTriangle1D_swigregister(Ref_IsoscelesTriangle1D)
class ArchiveRecord_Exponential1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Exponential1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Exponential1D_swiginit(self, _npstat.new_ArchiveRecord_Exponential1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Exponential1D
# Register ArchiveRecord_Exponential1D in _npstat:
_npstat.ArchiveRecord_Exponential1D_swigregister(ArchiveRecord_Exponential1D)
class Ref_Exponential1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Exponential1D_swiginit(self, _npstat.new_Ref_Exponential1D(*args))
def restore(self, index: "unsigned long", obj: "Exponential1D") -> "void":
return _npstat.Ref_Exponential1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Exponential1D *":
return _npstat.Ref_Exponential1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Exponential1D":
return _npstat.Ref_Exponential1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Exponential1D
# Register Ref_Exponential1D in _npstat:
_npstat.Ref_Exponential1D_swigregister(Ref_Exponential1D)
class ArchiveRecord_Logistic1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Logistic1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Logistic1D_swiginit(self, _npstat.new_ArchiveRecord_Logistic1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Logistic1D
# Register ArchiveRecord_Logistic1D in _npstat:
_npstat.ArchiveRecord_Logistic1D_swigregister(ArchiveRecord_Logistic1D)
class Ref_Logistic1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Logistic1D_swiginit(self, _npstat.new_Ref_Logistic1D(*args))
def restore(self, index: "unsigned long", obj: "Logistic1D") -> "void":
return _npstat.Ref_Logistic1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Logistic1D *":
return _npstat.Ref_Logistic1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Logistic1D":
return _npstat.Ref_Logistic1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Logistic1D
# Register Ref_Logistic1D in _npstat:
_npstat.Ref_Logistic1D_swigregister(Ref_Logistic1D)
class ArchiveRecord_Quadratic1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Quadratic1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Quadratic1D_swiginit(self, _npstat.new_ArchiveRecord_Quadratic1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Quadratic1D
# Register ArchiveRecord_Quadratic1D in _npstat:
_npstat.ArchiveRecord_Quadratic1D_swigregister(ArchiveRecord_Quadratic1D)
class Ref_Quadratic1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Quadratic1D_swiginit(self, _npstat.new_Ref_Quadratic1D(*args))
def restore(self, index: "unsigned long", obj: "Quadratic1D") -> "void":
return _npstat.Ref_Quadratic1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Quadratic1D *":
return _npstat.Ref_Quadratic1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Quadratic1D":
return _npstat.Ref_Quadratic1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Quadratic1D
# Register Ref_Quadratic1D in _npstat:
_npstat.Ref_Quadratic1D_swigregister(Ref_Quadratic1D)
class ArchiveRecord_LogQuadratic1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LogQuadratic1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LogQuadratic1D_swiginit(self, _npstat.new_ArchiveRecord_LogQuadratic1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LogQuadratic1D
# Register ArchiveRecord_LogQuadratic1D in _npstat:
_npstat.ArchiveRecord_LogQuadratic1D_swigregister(ArchiveRecord_LogQuadratic1D)
class Ref_LogQuadratic1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LogQuadratic1D_swiginit(self, _npstat.new_Ref_LogQuadratic1D(*args))
def restore(self, index: "unsigned long", obj: "LogQuadratic1D") -> "void":
return _npstat.Ref_LogQuadratic1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LogQuadratic1D *":
return _npstat.Ref_LogQuadratic1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::LogQuadratic1D":
return _npstat.Ref_LogQuadratic1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LogQuadratic1D
# Register Ref_LogQuadratic1D in _npstat:
_npstat.Ref_LogQuadratic1D_swigregister(Ref_LogQuadratic1D)
class ArchiveRecord_Gauss1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Gauss1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Gauss1D_swiginit(self, _npstat.new_ArchiveRecord_Gauss1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Gauss1D
# Register ArchiveRecord_Gauss1D in _npstat:
_npstat.ArchiveRecord_Gauss1D_swigregister(ArchiveRecord_Gauss1D)
class Ref_Gauss1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Gauss1D_swiginit(self, _npstat.new_Ref_Gauss1D(*args))
def restore(self, index: "unsigned long", obj: "Gauss1D") -> "void":
return _npstat.Ref_Gauss1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Gauss1D *":
return _npstat.Ref_Gauss1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Gauss1D":
return _npstat.Ref_Gauss1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Gauss1D
# Register Ref_Gauss1D in _npstat:
_npstat.Ref_Gauss1D_swigregister(Ref_Gauss1D)
class ArchiveRecord_TruncatedGauss1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "TruncatedGauss1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_TruncatedGauss1D_swiginit(self, _npstat.new_ArchiveRecord_TruncatedGauss1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_TruncatedGauss1D
# Register ArchiveRecord_TruncatedGauss1D in _npstat:
_npstat.ArchiveRecord_TruncatedGauss1D_swigregister(ArchiveRecord_TruncatedGauss1D)
class Ref_TruncatedGauss1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_TruncatedGauss1D_swiginit(self, _npstat.new_Ref_TruncatedGauss1D(*args))
def restore(self, index: "unsigned long", obj: "TruncatedGauss1D") -> "void":
return _npstat.Ref_TruncatedGauss1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::TruncatedGauss1D *":
return _npstat.Ref_TruncatedGauss1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::TruncatedGauss1D":
return _npstat.Ref_TruncatedGauss1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_TruncatedGauss1D
# Register Ref_TruncatedGauss1D in _npstat:
_npstat.Ref_TruncatedGauss1D_swigregister(Ref_TruncatedGauss1D)
class ArchiveRecord_MirroredGauss1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "MirroredGauss1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_MirroredGauss1D_swiginit(self, _npstat.new_ArchiveRecord_MirroredGauss1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_MirroredGauss1D
# Register ArchiveRecord_MirroredGauss1D in _npstat:
_npstat.ArchiveRecord_MirroredGauss1D_swigregister(ArchiveRecord_MirroredGauss1D)
class Ref_MirroredGauss1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_MirroredGauss1D_swiginit(self, _npstat.new_Ref_MirroredGauss1D(*args))
def restore(self, index: "unsigned long", obj: "MirroredGauss1D") -> "void":
return _npstat.Ref_MirroredGauss1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::MirroredGauss1D *":
return _npstat.Ref_MirroredGauss1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::MirroredGauss1D":
return _npstat.Ref_MirroredGauss1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_MirroredGauss1D
# Register Ref_MirroredGauss1D in _npstat:
_npstat.Ref_MirroredGauss1D_swigregister(Ref_MirroredGauss1D)
class ArchiveRecord_BifurcatedGauss1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "BifurcatedGauss1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_BifurcatedGauss1D_swiginit(self, _npstat.new_ArchiveRecord_BifurcatedGauss1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_BifurcatedGauss1D
# Register ArchiveRecord_BifurcatedGauss1D in _npstat:
_npstat.ArchiveRecord_BifurcatedGauss1D_swigregister(ArchiveRecord_BifurcatedGauss1D)
class Ref_BifurcatedGauss1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_BifurcatedGauss1D_swiginit(self, _npstat.new_Ref_BifurcatedGauss1D(*args))
def restore(self, index: "unsigned long", obj: "BifurcatedGauss1D") -> "void":
return _npstat.Ref_BifurcatedGauss1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::BifurcatedGauss1D *":
return _npstat.Ref_BifurcatedGauss1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::BifurcatedGauss1D":
return _npstat.Ref_BifurcatedGauss1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_BifurcatedGauss1D
# Register Ref_BifurcatedGauss1D in _npstat:
_npstat.Ref_BifurcatedGauss1D_swigregister(Ref_BifurcatedGauss1D)
class ArchiveRecord_SymmetricBeta1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "SymmetricBeta1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_SymmetricBeta1D_swiginit(self, _npstat.new_ArchiveRecord_SymmetricBeta1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_SymmetricBeta1D
# Register ArchiveRecord_SymmetricBeta1D in _npstat:
_npstat.ArchiveRecord_SymmetricBeta1D_swigregister(ArchiveRecord_SymmetricBeta1D)
class Ref_SymmetricBeta1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_SymmetricBeta1D_swiginit(self, _npstat.new_Ref_SymmetricBeta1D(*args))
def restore(self, index: "unsigned long", obj: "SymmetricBeta1D") -> "void":
return _npstat.Ref_SymmetricBeta1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::SymmetricBeta1D *":
return _npstat.Ref_SymmetricBeta1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::SymmetricBeta1D":
return _npstat.Ref_SymmetricBeta1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_SymmetricBeta1D
# Register Ref_SymmetricBeta1D in _npstat:
_npstat.Ref_SymmetricBeta1D_swigregister(Ref_SymmetricBeta1D)
class ArchiveRecord_Beta1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Beta1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Beta1D_swiginit(self, _npstat.new_ArchiveRecord_Beta1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Beta1D
# Register ArchiveRecord_Beta1D in _npstat:
_npstat.ArchiveRecord_Beta1D_swigregister(ArchiveRecord_Beta1D)
class Ref_Beta1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Beta1D_swiginit(self, _npstat.new_Ref_Beta1D(*args))
def restore(self, index: "unsigned long", obj: "Beta1D") -> "void":
return _npstat.Ref_Beta1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Beta1D *":
return _npstat.Ref_Beta1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Beta1D":
return _npstat.Ref_Beta1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Beta1D
# Register Ref_Beta1D in _npstat:
_npstat.Ref_Beta1D_swigregister(Ref_Beta1D)
class ArchiveRecord_Gamma1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Gamma1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Gamma1D_swiginit(self, _npstat.new_ArchiveRecord_Gamma1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Gamma1D
# Register ArchiveRecord_Gamma1D in _npstat:
_npstat.ArchiveRecord_Gamma1D_swigregister(ArchiveRecord_Gamma1D)
class Ref_Gamma1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Gamma1D_swiginit(self, _npstat.new_Ref_Gamma1D(*args))
def restore(self, index: "unsigned long", obj: "Gamma1D") -> "void":
return _npstat.Ref_Gamma1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Gamma1D *":
return _npstat.Ref_Gamma1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Gamma1D":
return _npstat.Ref_Gamma1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Gamma1D
# Register Ref_Gamma1D in _npstat:
_npstat.Ref_Gamma1D_swigregister(Ref_Gamma1D)
class ArchiveRecord_Pareto1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Pareto1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Pareto1D_swiginit(self, _npstat.new_ArchiveRecord_Pareto1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Pareto1D
# Register ArchiveRecord_Pareto1D in _npstat:
_npstat.ArchiveRecord_Pareto1D_swigregister(ArchiveRecord_Pareto1D)
class Ref_Pareto1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Pareto1D_swiginit(self, _npstat.new_Ref_Pareto1D(*args))
def restore(self, index: "unsigned long", obj: "Pareto1D") -> "void":
return _npstat.Ref_Pareto1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Pareto1D *":
return _npstat.Ref_Pareto1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Pareto1D":
return _npstat.Ref_Pareto1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Pareto1D
# Register Ref_Pareto1D in _npstat:
_npstat.Ref_Pareto1D_swigregister(Ref_Pareto1D)
class ArchiveRecord_UniPareto1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UniPareto1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_UniPareto1D_swiginit(self, _npstat.new_ArchiveRecord_UniPareto1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_UniPareto1D
# Register ArchiveRecord_UniPareto1D in _npstat:
_npstat.ArchiveRecord_UniPareto1D_swigregister(ArchiveRecord_UniPareto1D)
class Ref_UniPareto1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UniPareto1D_swiginit(self, _npstat.new_Ref_UniPareto1D(*args))
def restore(self, index: "unsigned long", obj: "UniPareto1D") -> "void":
return _npstat.Ref_UniPareto1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::UniPareto1D *":
return _npstat.Ref_UniPareto1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::UniPareto1D":
return _npstat.Ref_UniPareto1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UniPareto1D
# Register Ref_UniPareto1D in _npstat:
_npstat.Ref_UniPareto1D_swigregister(Ref_UniPareto1D)
class ArchiveRecord_Huber1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Huber1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Huber1D_swiginit(self, _npstat.new_ArchiveRecord_Huber1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Huber1D
# Register ArchiveRecord_Huber1D in _npstat:
_npstat.ArchiveRecord_Huber1D_swigregister(ArchiveRecord_Huber1D)
class Ref_Huber1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Huber1D_swiginit(self, _npstat.new_Ref_Huber1D(*args))
def restore(self, index: "unsigned long", obj: "Huber1D") -> "void":
return _npstat.Ref_Huber1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Huber1D *":
return _npstat.Ref_Huber1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Huber1D":
return _npstat.Ref_Huber1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Huber1D
# Register Ref_Huber1D in _npstat:
_npstat.Ref_Huber1D_swigregister(Ref_Huber1D)
class ArchiveRecord_Cauchy1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Cauchy1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Cauchy1D_swiginit(self, _npstat.new_ArchiveRecord_Cauchy1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Cauchy1D
# Register ArchiveRecord_Cauchy1D in _npstat:
_npstat.ArchiveRecord_Cauchy1D_swigregister(ArchiveRecord_Cauchy1D)
class Ref_Cauchy1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Cauchy1D_swiginit(self, _npstat.new_Ref_Cauchy1D(*args))
def restore(self, index: "unsigned long", obj: "Cauchy1D") -> "void":
return _npstat.Ref_Cauchy1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Cauchy1D *":
return _npstat.Ref_Cauchy1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Cauchy1D":
return _npstat.Ref_Cauchy1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Cauchy1D
# Register Ref_Cauchy1D in _npstat:
_npstat.Ref_Cauchy1D_swigregister(Ref_Cauchy1D)
class ArchiveRecord_LogNormal(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LogNormal", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LogNormal_swiginit(self, _npstat.new_ArchiveRecord_LogNormal(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LogNormal
# Register ArchiveRecord_LogNormal in _npstat:
_npstat.ArchiveRecord_LogNormal_swigregister(ArchiveRecord_LogNormal)
class Ref_LogNormal(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LogNormal_swiginit(self, _npstat.new_Ref_LogNormal(*args))
def restore(self, index: "unsigned long", obj: "LogNormal") -> "void":
return _npstat.Ref_LogNormal_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LogNormal *":
return _npstat.Ref_LogNormal_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::LogNormal":
return _npstat.Ref_LogNormal_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LogNormal
# Register Ref_LogNormal in _npstat:
_npstat.Ref_LogNormal_swigregister(Ref_LogNormal)
class ArchiveRecord_Moyal1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Moyal1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Moyal1D_swiginit(self, _npstat.new_ArchiveRecord_Moyal1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Moyal1D
# Register ArchiveRecord_Moyal1D in _npstat:
_npstat.ArchiveRecord_Moyal1D_swigregister(ArchiveRecord_Moyal1D)
class Ref_Moyal1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Moyal1D_swiginit(self, _npstat.new_Ref_Moyal1D(*args))
def restore(self, index: "unsigned long", obj: "Moyal1D") -> "void":
return _npstat.Ref_Moyal1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Moyal1D *":
return _npstat.Ref_Moyal1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Moyal1D":
return _npstat.Ref_Moyal1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Moyal1D
# Register Ref_Moyal1D in _npstat:
_npstat.Ref_Moyal1D_swigregister(Ref_Moyal1D)
class ArchiveRecord_StudentsT1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StudentsT1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StudentsT1D_swiginit(self, _npstat.new_ArchiveRecord_StudentsT1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StudentsT1D
# Register ArchiveRecord_StudentsT1D in _npstat:
_npstat.ArchiveRecord_StudentsT1D_swigregister(ArchiveRecord_StudentsT1D)
class Ref_StudentsT1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StudentsT1D_swiginit(self, _npstat.new_Ref_StudentsT1D(*args))
def restore(self, index: "unsigned long", obj: "StudentsT1D") -> "void":
return _npstat.Ref_StudentsT1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::StudentsT1D *":
return _npstat.Ref_StudentsT1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::StudentsT1D":
return _npstat.Ref_StudentsT1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_StudentsT1D
# Register Ref_StudentsT1D in _npstat:
_npstat.Ref_StudentsT1D_swigregister(Ref_StudentsT1D)
class ArchiveRecord_Tabulated1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Tabulated1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Tabulated1D_swiginit(self, _npstat.new_ArchiveRecord_Tabulated1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Tabulated1D
# Register ArchiveRecord_Tabulated1D in _npstat:
_npstat.ArchiveRecord_Tabulated1D_swigregister(ArchiveRecord_Tabulated1D)
class Ref_Tabulated1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Tabulated1D_swiginit(self, _npstat.new_Ref_Tabulated1D(*args))
def restore(self, index: "unsigned long", obj: "Tabulated1D") -> "void":
return _npstat.Ref_Tabulated1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Tabulated1D *":
return _npstat.Ref_Tabulated1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Tabulated1D":
return _npstat.Ref_Tabulated1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Tabulated1D
# Register Ref_Tabulated1D in _npstat:
_npstat.Ref_Tabulated1D_swigregister(Ref_Tabulated1D)
class ArchiveRecord_BinnedDensity1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "BinnedDensity1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_BinnedDensity1D_swiginit(self, _npstat.new_ArchiveRecord_BinnedDensity1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_BinnedDensity1D
# Register ArchiveRecord_BinnedDensity1D in _npstat:
_npstat.ArchiveRecord_BinnedDensity1D_swigregister(ArchiveRecord_BinnedDensity1D)
class Ref_BinnedDensity1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_BinnedDensity1D_swiginit(self, _npstat.new_Ref_BinnedDensity1D(*args))
def restore(self, index: "unsigned long", obj: "BinnedDensity1D") -> "void":
return _npstat.Ref_BinnedDensity1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::BinnedDensity1D *":
return _npstat.Ref_BinnedDensity1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::BinnedDensity1D":
return _npstat.Ref_BinnedDensity1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_BinnedDensity1D
# Register Ref_BinnedDensity1D in _npstat:
_npstat.Ref_BinnedDensity1D_swigregister(Ref_BinnedDensity1D)
class AbsDistributionND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistributionND
def clone(self) -> "npstat::AbsDistributionND *":
return _npstat.AbsDistributionND_clone(self)
def __eq__(self, r: "AbsDistributionND") -> "bool":
return _npstat.AbsDistributionND___eq__(self, r)
def __ne__(self, r: "AbsDistributionND") -> "bool":
return _npstat.AbsDistributionND___ne__(self, r)
def dim(self) -> "unsigned int":
return _npstat.AbsDistributionND_dim(self)
def density(self, x: "double const *") -> "double":
return _npstat.AbsDistributionND_density(self, x)
def mappedByQuantiles(self) -> "bool":
return _npstat.AbsDistributionND_mappedByQuantiles(self)
def classId(self) -> "gs::ClassId":
return _npstat.AbsDistributionND_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.AbsDistributionND_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.AbsDistributionND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.AbsDistributionND_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::AbsDistributionND *":
return _npstat.AbsDistributionND_read(id, arg2)
def random(self, g: "AbsRandomGenerator") -> "std::vector< double,std::allocator< double > >":
return _npstat.AbsDistributionND_random(self, g)
def unitMap(self, *args) -> "std::vector< double,std::allocator< double > >":
return _npstat.AbsDistributionND_unitMap(self, *args)
def generate(self, g: "AbsRandomGenerator", npoints: "unsigned int") -> "std::vector< double,std::allocator< double > >":
return _npstat.AbsDistributionND_generate(self, g, npoints)
# Register AbsDistributionND in _npstat:
_npstat.AbsDistributionND_swigregister(AbsDistributionND)
def AbsDistributionND_classname() -> "char const *":
return _npstat.AbsDistributionND_classname()
def AbsDistributionND_version() -> "unsigned int":
return _npstat.AbsDistributionND_version()
def AbsDistributionND_read(id: "ClassId", arg2: "istream") -> "npstat::AbsDistributionND *":
return _npstat.AbsDistributionND_read(id, arg2)
class AbsScalableDistributionND(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsScalableDistributionND
def location(self, i: "unsigned int") -> "double":
return _npstat.AbsScalableDistributionND_location(self, i)
def scale(self, i: "unsigned int") -> "double":
return _npstat.AbsScalableDistributionND_scale(self, i)
def setLocation(self, i: "unsigned int", v: "double") -> "void":
return _npstat.AbsScalableDistributionND_setLocation(self, i, v)
def setScale(self, i: "unsigned int", v: "double") -> "void":
return _npstat.AbsScalableDistributionND_setScale(self, i, v)
def density(self, x: "double const *") -> "double":
return _npstat.AbsScalableDistributionND_density(self, x)
def unitMap(self, rnd: "double const *", dim: "unsigned int", x: "double *") -> "void":
return _npstat.AbsScalableDistributionND_unitMap(self, rnd, dim, x)
def clone(self) -> "npstat::AbsScalableDistributionND *":
return _npstat.AbsScalableDistributionND_clone(self)
def mappedByQuantiles(self) -> "bool":
return _npstat.AbsScalableDistributionND_mappedByQuantiles(self)
def classId(self) -> "gs::ClassId":
return _npstat.AbsScalableDistributionND_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.AbsScalableDistributionND_write(self, os)
@staticmethod
def read(_is: "istream", dim: "unsigned int *", locations: "DoubleVector", scales: "DoubleVector") -> "bool":
return _npstat.AbsScalableDistributionND_read(_is, dim, locations, scales)
# Register AbsScalableDistributionND in _npstat:
_npstat.AbsScalableDistributionND_swigregister(AbsScalableDistributionND)
def AbsScalableDistributionND_read(_is: "istream", dim: "unsigned int *", locations: "DoubleVector", scales: "DoubleVector") -> "bool":
return _npstat.AbsScalableDistributionND_read(_is, dim, locations, scales)
class DensityFunctorND(AbsMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistributionND"):
_npstat.DensityFunctorND_swiginit(self, _npstat.new_DensityFunctorND(fcn))
__swig_destroy__ = _npstat.delete_DensityFunctorND
def __call__(self, x: "double const *") -> "double":
return _npstat.DensityFunctorND___call__(self, x)
def minDim(self) -> "unsigned int":
return _npstat.DensityFunctorND_minDim(self)
# Register DensityFunctorND in _npstat:
_npstat.DensityFunctorND_swigregister(DensityFunctorND)
class HomogeneousProductSymmetricBeta1D(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_HomogeneousProductSymmetricBeta1D
def clone(self) -> "npstat::HomogeneousProductDistroND< npstat::SymmetricBeta1D > *":
return _npstat.HomogeneousProductSymmetricBeta1D_clone(self)
def mappedByQuantiles(self) -> "bool":
return _npstat.HomogeneousProductSymmetricBeta1D_mappedByQuantiles(self)
def density(self, x: "double const *") -> "double":
return _npstat.HomogeneousProductSymmetricBeta1D_density(self, x)
def unitMap(self, rnd: "double const *", bufLen: "unsigned int", x: "double *") -> "void":
return _npstat.HomogeneousProductSymmetricBeta1D_unitMap(self, rnd, bufLen, x)
# Register HomogeneousProductSymmetricBeta1D in _npstat:
_npstat.HomogeneousProductSymmetricBeta1D_swigregister(HomogeneousProductSymmetricBeta1D)
class ArchiveRecord_AbsDistributionND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "AbsDistributionND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_AbsDistributionND_swiginit(self, _npstat.new_ArchiveRecord_AbsDistributionND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_AbsDistributionND
# Register ArchiveRecord_AbsDistributionND in _npstat:
_npstat.ArchiveRecord_AbsDistributionND_swigregister(ArchiveRecord_AbsDistributionND)
class Ref_AbsDistributionND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_AbsDistributionND_swiginit(self, _npstat.new_Ref_AbsDistributionND(*args))
def restore(self, index: "unsigned long", obj: "AbsDistributionND") -> "void":
return _npstat.Ref_AbsDistributionND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::AbsDistributionND *":
return _npstat.Ref_AbsDistributionND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_AbsDistributionND
# Register Ref_AbsDistributionND in _npstat:
_npstat.Ref_AbsDistributionND_swigregister(Ref_AbsDistributionND)
class DensityScanND_Linear(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistributionND", maps: "LinearMapper1dVector", normfactor: "double"=1.0):
_npstat.DensityScanND_Linear_swiginit(self, _npstat.new_DensityScanND_Linear(fcn, maps, normfactor))
def __call__(self, index: "unsigned int const *") -> "double":
return _npstat.DensityScanND_Linear___call__(self, index)
def mapIndex(self, index: "unsigned int const *", coords: "double *") -> "void":
return _npstat.DensityScanND_Linear_mapIndex(self, index, coords)
__swig_destroy__ = _npstat.delete_DensityScanND_Linear
# Register DensityScanND_Linear in _npstat:
_npstat.DensityScanND_Linear_swigregister(DensityScanND_Linear)
class DensityScanND_Log(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistributionND", maps: "LogMapper1dVector", normfactor: "double"=1.0):
_npstat.DensityScanND_Log_swiginit(self, _npstat.new_DensityScanND_Log(fcn, maps, normfactor))
def __call__(self, index: "unsigned int const *") -> "double":
return _npstat.DensityScanND_Log___call__(self, index)
def mapIndex(self, index: "unsigned int const *", coords: "double *") -> "void":
return _npstat.DensityScanND_Log_mapIndex(self, index, coords)
__swig_destroy__ = _npstat.delete_DensityScanND_Log
# Register DensityScanND_Log in _npstat:
_npstat.DensityScanND_Log_swigregister(DensityScanND_Log)
class DensityScanND_Circular(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistributionND", maps: "CircularMapper1dVector", normfactor: "double"=1.0):
_npstat.DensityScanND_Circular_swiginit(self, _npstat.new_DensityScanND_Circular(fcn, maps, normfactor))
def __call__(self, index: "unsigned int const *") -> "double":
return _npstat.DensityScanND_Circular___call__(self, index)
def mapIndex(self, index: "unsigned int const *", coords: "double *") -> "void":
return _npstat.DensityScanND_Circular_mapIndex(self, index, coords)
__swig_destroy__ = _npstat.delete_DensityScanND_Circular
# Register DensityScanND_Circular in _npstat:
_npstat.DensityScanND_Circular_swigregister(DensityScanND_Circular)
class DensityScanND_Interpolated(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistributionND", maps: "LinInterpolatedTable1DVector", normfactor: "double"=1.0):
_npstat.DensityScanND_Interpolated_swiginit(self, _npstat.new_DensityScanND_Interpolated(fcn, maps, normfactor))
def __call__(self, index: "unsigned int const *") -> "double":
return _npstat.DensityScanND_Interpolated___call__(self, index)
def mapIndex(self, index: "unsigned int const *", coords: "double *") -> "void":
return _npstat.DensityScanND_Interpolated_mapIndex(self, index, coords)
__swig_destroy__ = _npstat.delete_DensityScanND_Interpolated
# Register DensityScanND_Interpolated in _npstat:
_npstat.DensityScanND_Interpolated_swigregister(DensityScanND_Interpolated)
class HistoAxis(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def min(self) -> "double":
return _npstat.HistoAxis_min(self)
def max(self) -> "double":
return _npstat.HistoAxis_max(self)
def interval(self) -> "npstat::Interval< double >":
return _npstat.HistoAxis_interval(self)
def length(self) -> "double":
return _npstat.HistoAxis_length(self)
def nBins(self) -> "unsigned int":
return _npstat.HistoAxis_nBins(self)
def binWidth(self, arg2: "int const"=0) -> "double":
return _npstat.HistoAxis_binWidth(self, arg2)
def label(self) -> "std::string const &":
return _npstat.HistoAxis_label(self)
def isUniform(self) -> "bool":
return _npstat.HistoAxis_isUniform(self)
def binCenter(self, binNum: "int const") -> "double":
return _npstat.HistoAxis_binCenter(self, binNum)
def leftBinEdge(self, binNum: "int const") -> "double":
return _npstat.HistoAxis_leftBinEdge(self, binNum)
def rightBinEdge(self, binNum: "int const") -> "double":
return _npstat.HistoAxis_rightBinEdge(self, binNum)
def binInterval(self, binNum: "int const") -> "npstat::Interval< double >":
return _npstat.HistoAxis_binInterval(self, binNum)
def setLabel(self, newlabel: "char const *") -> "void":
return _npstat.HistoAxis_setLabel(self, newlabel)
def binNumber(self, x: "double") -> "int":
return _npstat.HistoAxis_binNumber(self, x)
def closestValidBin(self, x: "double") -> "unsigned int":
return _npstat.HistoAxis_closestValidBin(self, x)
def binNumberMapper(self, mapLeftEdgeTo0: "bool"=True) -> "npstat::LinearMapper1d":
return _npstat.HistoAxis_binNumberMapper(self, mapLeftEdgeTo0)
def fltBinNumber(self, x: "double const", mapLeftEdgeTo0: "bool const"=True) -> "double":
return _npstat.HistoAxis_fltBinNumber(self, x, mapLeftEdgeTo0)
def kernelScanMapper(self, doubleRange: "bool") -> "npstat::CircularMapper1d":
return _npstat.HistoAxis_kernelScanMapper(self, doubleRange)
def __eq__(self, arg2: "HistoAxis") -> "bool":
return _npstat.HistoAxis___eq__(self, arg2)
def __ne__(self, arg2: "HistoAxis") -> "bool":
return _npstat.HistoAxis___ne__(self, arg2)
def isClose(self, arg2: "HistoAxis", tol: "double") -> "bool":
return _npstat.HistoAxis_isClose(self, arg2, tol)
def rebin(self, newBins: "unsigned int") -> "npstat::HistoAxis":
return _npstat.HistoAxis_rebin(self, newBins)
def classId(self) -> "gs::ClassId":
return _npstat.HistoAxis_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.HistoAxis_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.HistoAxis_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.HistoAxis_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoAxis *":
return _npstat.HistoAxis_read(id, _in)
def range(self) -> "std::pair< double,double >":
return _npstat.HistoAxis_range(self)
def __init__(self, *args):
_npstat.HistoAxis_swiginit(self, _npstat.new_HistoAxis(*args))
def binCenters(self, reverseOrder: "bool const"=False) -> "PyObject *":
return _npstat.HistoAxis_binCenters(self, reverseOrder)
def binEdges(self, reverseOrder: "bool const"=False) -> "PyObject *":
return _npstat.HistoAxis_binEdges(self, reverseOrder)
__swig_destroy__ = _npstat.delete_HistoAxis
# Register HistoAxis in _npstat:
_npstat.HistoAxis_swigregister(HistoAxis)
def HistoAxis_classname() -> "char const *":
return _npstat.HistoAxis_classname()
def HistoAxis_version() -> "unsigned int":
return _npstat.HistoAxis_version()
def HistoAxis_read(id: "ClassId", _in: "istream") -> "npstat::HistoAxis *":
return _npstat.HistoAxis_read(id, _in)
class HistoAxisVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.HistoAxisVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.HistoAxisVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.HistoAxisVector___bool__(self)
def __len__(self) -> "std::vector< npstat::HistoAxis >::size_type":
return _npstat.HistoAxisVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::HistoAxis >::difference_type", j: "std::vector< npstat::HistoAxis >::difference_type") -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > > *":
return _npstat.HistoAxisVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.HistoAxisVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::HistoAxis >::difference_type", j: "std::vector< npstat::HistoAxis >::difference_type") -> "void":
return _npstat.HistoAxisVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.HistoAxisVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::HistoAxis >::value_type const &":
return _npstat.HistoAxisVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.HistoAxisVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::HistoAxis >::value_type":
return _npstat.HistoAxisVector_pop(self)
def append(self, x: "HistoAxis") -> "void":
return _npstat.HistoAxisVector_append(self, x)
def empty(self) -> "bool":
return _npstat.HistoAxisVector_empty(self)
def size(self) -> "std::vector< npstat::HistoAxis >::size_type":
return _npstat.HistoAxisVector_size(self)
def swap(self, v: "HistoAxisVector") -> "void":
return _npstat.HistoAxisVector_swap(self, v)
def begin(self) -> "std::vector< npstat::HistoAxis >::iterator":
return _npstat.HistoAxisVector_begin(self)
def end(self) -> "std::vector< npstat::HistoAxis >::iterator":
return _npstat.HistoAxisVector_end(self)
def rbegin(self) -> "std::vector< npstat::HistoAxis >::reverse_iterator":
return _npstat.HistoAxisVector_rbegin(self)
def rend(self) -> "std::vector< npstat::HistoAxis >::reverse_iterator":
return _npstat.HistoAxisVector_rend(self)
def clear(self) -> "void":
return _npstat.HistoAxisVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::HistoAxis >::allocator_type":
return _npstat.HistoAxisVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.HistoAxisVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::HistoAxis >::iterator":
return _npstat.HistoAxisVector_erase(self, *args)
def __init__(self, *args):
_npstat.HistoAxisVector_swiginit(self, _npstat.new_HistoAxisVector(*args))
def push_back(self, x: "HistoAxis") -> "void":
return _npstat.HistoAxisVector_push_back(self, x)
def front(self) -> "std::vector< npstat::HistoAxis >::value_type const &":
return _npstat.HistoAxisVector_front(self)
def back(self) -> "std::vector< npstat::HistoAxis >::value_type const &":
return _npstat.HistoAxisVector_back(self)
def assign(self, n: "std::vector< npstat::HistoAxis >::size_type", x: "HistoAxis") -> "void":
return _npstat.HistoAxisVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.HistoAxisVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.HistoAxisVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::HistoAxis >::size_type") -> "void":
return _npstat.HistoAxisVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::HistoAxis >::size_type":
return _npstat.HistoAxisVector_capacity(self)
__swig_destroy__ = _npstat.delete_HistoAxisVector
# Register HistoAxisVector in _npstat:
_npstat.HistoAxisVector_swigregister(HistoAxisVector)
class ArchiveRecord_HistoAxis(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "HistoAxis", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_HistoAxis_swiginit(self, _npstat.new_ArchiveRecord_HistoAxis(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_HistoAxis
# Register ArchiveRecord_HistoAxis in _npstat:
_npstat.ArchiveRecord_HistoAxis_swigregister(ArchiveRecord_HistoAxis)
class Ref_HistoAxis(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_HistoAxis_swiginit(self, _npstat.new_Ref_HistoAxis(*args))
def restore(self, index: "unsigned long", obj: "HistoAxis") -> "void":
return _npstat.Ref_HistoAxis_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoAxis *":
return _npstat.Ref_HistoAxis_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::HistoAxis":
return _npstat.Ref_HistoAxis_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_HistoAxis
# Register Ref_HistoAxis in _npstat:
_npstat.Ref_HistoAxis_swigregister(Ref_HistoAxis)
class ArchiveRecord_HistoAxisVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "HistoAxisVector", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_HistoAxisVector_swiginit(self, _npstat.new_ArchiveRecord_HistoAxisVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_HistoAxisVector
# Register ArchiveRecord_HistoAxisVector in _npstat:
_npstat.ArchiveRecord_HistoAxisVector_swigregister(ArchiveRecord_HistoAxisVector)
class Ref_HistoAxisVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_HistoAxisVector_swiginit(self, _npstat.new_Ref_HistoAxisVector(*args))
def restore(self, index: "unsigned long", obj: "HistoAxisVector") -> "void":
return _npstat.Ref_HistoAxisVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > > *":
return _npstat.Ref_HistoAxisVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.Ref_HistoAxisVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_HistoAxisVector
# Register Ref_HistoAxisVector in _npstat:
_npstat.Ref_HistoAxisVector_swigregister(Ref_HistoAxisVector)
class NUHistoAxis(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def min(self) -> "double":
return _npstat.NUHistoAxis_min(self)
def max(self) -> "double":
return _npstat.NUHistoAxis_max(self)
def interval(self) -> "npstat::Interval< double >":
return _npstat.NUHistoAxis_interval(self)
def length(self) -> "double":
return _npstat.NUHistoAxis_length(self)
def nBins(self) -> "unsigned int":
return _npstat.NUHistoAxis_nBins(self)
def binWidth(self, binNum: "int const") -> "double":
return _npstat.NUHistoAxis_binWidth(self, binNum)
def label(self) -> "std::string const &":
return _npstat.NUHistoAxis_label(self)
def isUniform(self) -> "bool":
return _npstat.NUHistoAxis_isUniform(self)
def leftBinEdge(self, binNum: "int const") -> "double":
return _npstat.NUHistoAxis_leftBinEdge(self, binNum)
def rightBinEdge(self, binNum: "int const") -> "double":
return _npstat.NUHistoAxis_rightBinEdge(self, binNum)
def binCenter(self, binNum: "int const") -> "double":
return _npstat.NUHistoAxis_binCenter(self, binNum)
def binInterval(self, binNum: "int const") -> "npstat::Interval< double >":
return _npstat.NUHistoAxis_binInterval(self, binNum)
def setLabel(self, newlabel: "char const *") -> "void":
return _npstat.NUHistoAxis_setLabel(self, newlabel)
def binNumber(self, x: "double") -> "int":
return _npstat.NUHistoAxis_binNumber(self, x)
def fltBinNumber(self, x: "double", mapLeftEdgeTo0: "bool"=True) -> "double":
return _npstat.NUHistoAxis_fltBinNumber(self, x, mapLeftEdgeTo0)
def closestValidBin(self, x: "double") -> "unsigned int":
return _npstat.NUHistoAxis_closestValidBin(self, x)
def __eq__(self, arg2: "NUHistoAxis") -> "bool":
return _npstat.NUHistoAxis___eq__(self, arg2)
def __ne__(self, arg2: "NUHistoAxis") -> "bool":
return _npstat.NUHistoAxis___ne__(self, arg2)
def isClose(self, arg2: "NUHistoAxis", tol: "double") -> "bool":
return _npstat.NUHistoAxis_isClose(self, arg2, tol)
def rebin(self, newBins: "unsigned int") -> "npstat::NUHistoAxis":
return _npstat.NUHistoAxis_rebin(self, newBins)
def classId(self) -> "gs::ClassId":
return _npstat.NUHistoAxis_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.NUHistoAxis_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.NUHistoAxis_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.NUHistoAxis_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::NUHistoAxis *":
return _npstat.NUHistoAxis_read(id, _in)
def range(self) -> "std::pair< double,double >":
return _npstat.NUHistoAxis_range(self)
def __init__(self, *args):
_npstat.NUHistoAxis_swiginit(self, _npstat.new_NUHistoAxis(*args))
def binCenters(self, reverseOrder: "bool const"=False) -> "PyObject *":
return _npstat.NUHistoAxis_binCenters(self, reverseOrder)
def binEdges(self, reverseOrder: "bool const"=False) -> "PyObject *":
return _npstat.NUHistoAxis_binEdges(self, reverseOrder)
__swig_destroy__ = _npstat.delete_NUHistoAxis
# Register NUHistoAxis in _npstat:
_npstat.NUHistoAxis_swigregister(NUHistoAxis)
def NUHistoAxis_classname() -> "char const *":
return _npstat.NUHistoAxis_classname()
def NUHistoAxis_version() -> "unsigned int":
return _npstat.NUHistoAxis_version()
def NUHistoAxis_read(id: "ClassId", _in: "istream") -> "npstat::NUHistoAxis *":
return _npstat.NUHistoAxis_read(id, _in)
class NUHistoAxisVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.NUHistoAxisVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.NUHistoAxisVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.NUHistoAxisVector___bool__(self)
def __len__(self) -> "std::vector< npstat::NUHistoAxis >::size_type":
return _npstat.NUHistoAxisVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::NUHistoAxis >::difference_type", j: "std::vector< npstat::NUHistoAxis >::difference_type") -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > > *":
return _npstat.NUHistoAxisVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.NUHistoAxisVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::NUHistoAxis >::difference_type", j: "std::vector< npstat::NUHistoAxis >::difference_type") -> "void":
return _npstat.NUHistoAxisVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.NUHistoAxisVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::NUHistoAxis >::value_type const &":
return _npstat.NUHistoAxisVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.NUHistoAxisVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::NUHistoAxis >::value_type":
return _npstat.NUHistoAxisVector_pop(self)
def append(self, x: "NUHistoAxis") -> "void":
return _npstat.NUHistoAxisVector_append(self, x)
def empty(self) -> "bool":
return _npstat.NUHistoAxisVector_empty(self)
def size(self) -> "std::vector< npstat::NUHistoAxis >::size_type":
return _npstat.NUHistoAxisVector_size(self)
def swap(self, v: "NUHistoAxisVector") -> "void":
return _npstat.NUHistoAxisVector_swap(self, v)
def begin(self) -> "std::vector< npstat::NUHistoAxis >::iterator":
return _npstat.NUHistoAxisVector_begin(self)
def end(self) -> "std::vector< npstat::NUHistoAxis >::iterator":
return _npstat.NUHistoAxisVector_end(self)
def rbegin(self) -> "std::vector< npstat::NUHistoAxis >::reverse_iterator":
return _npstat.NUHistoAxisVector_rbegin(self)
def rend(self) -> "std::vector< npstat::NUHistoAxis >::reverse_iterator":
return _npstat.NUHistoAxisVector_rend(self)
def clear(self) -> "void":
return _npstat.NUHistoAxisVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::NUHistoAxis >::allocator_type":
return _npstat.NUHistoAxisVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.NUHistoAxisVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::NUHistoAxis >::iterator":
return _npstat.NUHistoAxisVector_erase(self, *args)
def __init__(self, *args):
_npstat.NUHistoAxisVector_swiginit(self, _npstat.new_NUHistoAxisVector(*args))
def push_back(self, x: "NUHistoAxis") -> "void":
return _npstat.NUHistoAxisVector_push_back(self, x)
def front(self) -> "std::vector< npstat::NUHistoAxis >::value_type const &":
return _npstat.NUHistoAxisVector_front(self)
def back(self) -> "std::vector< npstat::NUHistoAxis >::value_type const &":
return _npstat.NUHistoAxisVector_back(self)
def assign(self, n: "std::vector< npstat::NUHistoAxis >::size_type", x: "NUHistoAxis") -> "void":
return _npstat.NUHistoAxisVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.NUHistoAxisVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.NUHistoAxisVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::NUHistoAxis >::size_type") -> "void":
return _npstat.NUHistoAxisVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::NUHistoAxis >::size_type":
return _npstat.NUHistoAxisVector_capacity(self)
__swig_destroy__ = _npstat.delete_NUHistoAxisVector
# Register NUHistoAxisVector in _npstat:
_npstat.NUHistoAxisVector_swigregister(NUHistoAxisVector)
class ArchiveRecord_NUHistoAxis(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "NUHistoAxis", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_NUHistoAxis_swiginit(self, _npstat.new_ArchiveRecord_NUHistoAxis(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_NUHistoAxis
# Register ArchiveRecord_NUHistoAxis in _npstat:
_npstat.ArchiveRecord_NUHistoAxis_swigregister(ArchiveRecord_NUHistoAxis)
class Ref_NUHistoAxis(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_NUHistoAxis_swiginit(self, _npstat.new_Ref_NUHistoAxis(*args))
def restore(self, index: "unsigned long", obj: "NUHistoAxis") -> "void":
return _npstat.Ref_NUHistoAxis_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::NUHistoAxis *":
return _npstat.Ref_NUHistoAxis_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::NUHistoAxis":
return _npstat.Ref_NUHistoAxis_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_NUHistoAxis
# Register Ref_NUHistoAxis in _npstat:
_npstat.Ref_NUHistoAxis_swigregister(Ref_NUHistoAxis)
class ArchiveRecord_NUHistoAxisVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "NUHistoAxisVector", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_NUHistoAxisVector_swiginit(self, _npstat.new_ArchiveRecord_NUHistoAxisVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_NUHistoAxisVector
# Register ArchiveRecord_NUHistoAxisVector in _npstat:
_npstat.ArchiveRecord_NUHistoAxisVector_swigregister(ArchiveRecord_NUHistoAxisVector)
class Ref_NUHistoAxisVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_NUHistoAxisVector_swiginit(self, _npstat.new_Ref_NUHistoAxisVector(*args))
def restore(self, index: "unsigned long", obj: "NUHistoAxisVector") -> "void":
return _npstat.Ref_NUHistoAxisVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > > *":
return _npstat.Ref_NUHistoAxisVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.Ref_NUHistoAxisVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_NUHistoAxisVector
# Register Ref_NUHistoAxisVector in _npstat:
_npstat.Ref_NUHistoAxisVector_swigregister(Ref_NUHistoAxisVector)
class DualHistoAxis(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def isUniform(self) -> "bool":
return _npstat.DualHistoAxis_isUniform(self)
def min(self) -> "double":
return _npstat.DualHistoAxis_min(self)
def max(self) -> "double":
return _npstat.DualHistoAxis_max(self)
def interval(self) -> "npstat::Interval< double >":
return _npstat.DualHistoAxis_interval(self)
def length(self) -> "double":
return _npstat.DualHistoAxis_length(self)
def nBins(self) -> "unsigned int":
return _npstat.DualHistoAxis_nBins(self)
def binWidth(self, binNum: "int const") -> "double":
return _npstat.DualHistoAxis_binWidth(self, binNum)
def label(self) -> "std::string const &":
return _npstat.DualHistoAxis_label(self)
def binCenter(self, binNum: "int const") -> "double":
return _npstat.DualHistoAxis_binCenter(self, binNum)
def leftBinEdge(self, binNum: "int const") -> "double":
return _npstat.DualHistoAxis_leftBinEdge(self, binNum)
def rightBinEdge(self, binNum: "int const") -> "double":
return _npstat.DualHistoAxis_rightBinEdge(self, binNum)
def binInterval(self, binNum: "int const") -> "npstat::Interval< double >":
return _npstat.DualHistoAxis_binInterval(self, binNum)
def getNUHistoAxis(self) -> "npstat::NUHistoAxis const *":
return _npstat.DualHistoAxis_getNUHistoAxis(self)
def getHistoAxis(self) -> "npstat::HistoAxis const *":
return _npstat.DualHistoAxis_getHistoAxis(self)
def setLabel(self, newlabel: "char const *") -> "void":
return _npstat.DualHistoAxis_setLabel(self, newlabel)
def binNumber(self, x: "double const") -> "int":
return _npstat.DualHistoAxis_binNumber(self, x)
def fltBinNumber(self, x: "double const", mapLeftEdgeTo0: "bool const"=True) -> "double":
return _npstat.DualHistoAxis_fltBinNumber(self, x, mapLeftEdgeTo0)
def closestValidBin(self, x: "double const") -> "unsigned int":
return _npstat.DualHistoAxis_closestValidBin(self, x)
def __eq__(self, r: "DualHistoAxis") -> "bool":
return _npstat.DualHistoAxis___eq__(self, r)
def __ne__(self, r: "DualHistoAxis") -> "bool":
return _npstat.DualHistoAxis___ne__(self, r)
def isClose(self, r: "DualHistoAxis", tol: "double const") -> "bool":
return _npstat.DualHistoAxis_isClose(self, r, tol)
def rebin(self, newBins: "unsigned int const") -> "npstat::DualHistoAxis":
return _npstat.DualHistoAxis_rebin(self, newBins)
def classId(self) -> "gs::ClassId":
return _npstat.DualHistoAxis_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DualHistoAxis_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DualHistoAxis_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DualHistoAxis_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::DualHistoAxis *":
return _npstat.DualHistoAxis_read(id, _in)
def range(self) -> "std::pair< double,double >":
return _npstat.DualHistoAxis_range(self)
def __init__(self, *args):
_npstat.DualHistoAxis_swiginit(self, _npstat.new_DualHistoAxis(*args))
def binCenters(self, reverseOrder: "bool const"=False) -> "PyObject *":
return _npstat.DualHistoAxis_binCenters(self, reverseOrder)
def binEdges(self, reverseOrder: "bool const"=False) -> "PyObject *":
return _npstat.DualHistoAxis_binEdges(self, reverseOrder)
__swig_destroy__ = _npstat.delete_DualHistoAxis
# Register DualHistoAxis in _npstat:
_npstat.DualHistoAxis_swigregister(DualHistoAxis)
def DualHistoAxis_classname() -> "char const *":
return _npstat.DualHistoAxis_classname()
def DualHistoAxis_version() -> "unsigned int":
return _npstat.DualHistoAxis_version()
def DualHistoAxis_read(id: "ClassId", _in: "istream") -> "npstat::DualHistoAxis *":
return _npstat.DualHistoAxis_read(id, _in)
class DualHistoAxisVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.DualHistoAxisVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.DualHistoAxisVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.DualHistoAxisVector___bool__(self)
def __len__(self) -> "std::vector< npstat::DualHistoAxis >::size_type":
return _npstat.DualHistoAxisVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::DualHistoAxis >::difference_type", j: "std::vector< npstat::DualHistoAxis >::difference_type") -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > > *":
return _npstat.DualHistoAxisVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.DualHistoAxisVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::DualHistoAxis >::difference_type", j: "std::vector< npstat::DualHistoAxis >::difference_type") -> "void":
return _npstat.DualHistoAxisVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.DualHistoAxisVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::DualHistoAxis >::value_type const &":
return _npstat.DualHistoAxisVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.DualHistoAxisVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::DualHistoAxis >::value_type":
return _npstat.DualHistoAxisVector_pop(self)
def append(self, x: "DualHistoAxis") -> "void":
return _npstat.DualHistoAxisVector_append(self, x)
def empty(self) -> "bool":
return _npstat.DualHistoAxisVector_empty(self)
def size(self) -> "std::vector< npstat::DualHistoAxis >::size_type":
return _npstat.DualHistoAxisVector_size(self)
def swap(self, v: "DualHistoAxisVector") -> "void":
return _npstat.DualHistoAxisVector_swap(self, v)
def begin(self) -> "std::vector< npstat::DualHistoAxis >::iterator":
return _npstat.DualHistoAxisVector_begin(self)
def end(self) -> "std::vector< npstat::DualHistoAxis >::iterator":
return _npstat.DualHistoAxisVector_end(self)
def rbegin(self) -> "std::vector< npstat::DualHistoAxis >::reverse_iterator":
return _npstat.DualHistoAxisVector_rbegin(self)
def rend(self) -> "std::vector< npstat::DualHistoAxis >::reverse_iterator":
return _npstat.DualHistoAxisVector_rend(self)
def clear(self) -> "void":
return _npstat.DualHistoAxisVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::DualHistoAxis >::allocator_type":
return _npstat.DualHistoAxisVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.DualHistoAxisVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::DualHistoAxis >::iterator":
return _npstat.DualHistoAxisVector_erase(self, *args)
def __init__(self, *args):
_npstat.DualHistoAxisVector_swiginit(self, _npstat.new_DualHistoAxisVector(*args))
def push_back(self, x: "DualHistoAxis") -> "void":
return _npstat.DualHistoAxisVector_push_back(self, x)
def front(self) -> "std::vector< npstat::DualHistoAxis >::value_type const &":
return _npstat.DualHistoAxisVector_front(self)
def back(self) -> "std::vector< npstat::DualHistoAxis >::value_type const &":
return _npstat.DualHistoAxisVector_back(self)
def assign(self, n: "std::vector< npstat::DualHistoAxis >::size_type", x: "DualHistoAxis") -> "void":
return _npstat.DualHistoAxisVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.DualHistoAxisVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.DualHistoAxisVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::DualHistoAxis >::size_type") -> "void":
return _npstat.DualHistoAxisVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::DualHistoAxis >::size_type":
return _npstat.DualHistoAxisVector_capacity(self)
__swig_destroy__ = _npstat.delete_DualHistoAxisVector
# Register DualHistoAxisVector in _npstat:
_npstat.DualHistoAxisVector_swigregister(DualHistoAxisVector)
class ArchiveRecord_DualHistoAxis(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DualHistoAxis", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DualHistoAxis_swiginit(self, _npstat.new_ArchiveRecord_DualHistoAxis(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DualHistoAxis
# Register ArchiveRecord_DualHistoAxis in _npstat:
_npstat.ArchiveRecord_DualHistoAxis_swigregister(ArchiveRecord_DualHistoAxis)
class Ref_DualHistoAxis(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DualHistoAxis_swiginit(self, _npstat.new_Ref_DualHistoAxis(*args))
def restore(self, index: "unsigned long", obj: "DualHistoAxis") -> "void":
return _npstat.Ref_DualHistoAxis_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::DualHistoAxis *":
return _npstat.Ref_DualHistoAxis_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::DualHistoAxis":
return _npstat.Ref_DualHistoAxis_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DualHistoAxis
# Register Ref_DualHistoAxis in _npstat:
_npstat.Ref_DualHistoAxis_swigregister(Ref_DualHistoAxis)
class ArchiveRecord_DualHistoAxisVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DualHistoAxisVector", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DualHistoAxisVector_swiginit(self, _npstat.new_ArchiveRecord_DualHistoAxisVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DualHistoAxisVector
# Register ArchiveRecord_DualHistoAxisVector in _npstat:
_npstat.ArchiveRecord_DualHistoAxisVector_swigregister(ArchiveRecord_DualHistoAxisVector)
class Ref_DualHistoAxisVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DualHistoAxisVector_swiginit(self, _npstat.new_Ref_DualHistoAxisVector(*args))
def restore(self, index: "unsigned long", obj: "DualHistoAxisVector") -> "void":
return _npstat.Ref_DualHistoAxisVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > > *":
return _npstat.Ref_DualHistoAxisVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.Ref_DualHistoAxisVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DualHistoAxisVector
# Register Ref_DualHistoAxisVector in _npstat:
_npstat.Ref_DualHistoAxisVector_swigregister(Ref_DualHistoAxisVector)
class DensityDiscretizationErrorND(AbsMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistributionND", normfactor: "double const", discreteValue: "double const"):
_npstat.DensityDiscretizationErrorND_swiginit(self, _npstat.new_DensityDiscretizationErrorND(fcn, normfactor, discreteValue))
__swig_destroy__ = _npstat.delete_DensityDiscretizationErrorND
def __call__(self, pt: "double const *", dim: "unsigned int") -> "double":
return _npstat.DensityDiscretizationErrorND___call__(self, pt, dim)
def minDim(self) -> "unsigned int":
return _npstat.DensityDiscretizationErrorND_minDim(self)
# Register DensityDiscretizationErrorND in _npstat:
_npstat.DensityDiscretizationErrorND_swigregister(DensityDiscretizationErrorND)
class DensityAveScanND_Uniform(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistributionND", axes: "HistoAxisVector", nIntegrationPoints: "unsigned int const", normfactor: "double"=1.0):
_npstat.DensityAveScanND_Uniform_swiginit(self, _npstat.new_DensityAveScanND_Uniform(fcn, axes, nIntegrationPoints, normfactor))
def __call__(self, index: "unsigned int const *") -> "double":
return _npstat.DensityAveScanND_Uniform___call__(self, index)
def mapIndex(self, index: "unsigned int const *", coords: "double *") -> "void":
return _npstat.DensityAveScanND_Uniform_mapIndex(self, index, coords)
def mapBinSize(self, index: "unsigned int const *", coords: "double *") -> "double":
return _npstat.DensityAveScanND_Uniform_mapBinSize(self, index, coords)
__swig_destroy__ = _npstat.delete_DensityAveScanND_Uniform
# Register DensityAveScanND_Uniform in _npstat:
_npstat.DensityAveScanND_Uniform_swigregister(DensityAveScanND_Uniform)
class DensityAveScanND_NU(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistributionND", axes: "NUHistoAxisVector", nIntegrationPoints: "unsigned int const", normfactor: "double"=1.0):
_npstat.DensityAveScanND_NU_swiginit(self, _npstat.new_DensityAveScanND_NU(fcn, axes, nIntegrationPoints, normfactor))
def __call__(self, index: "unsigned int const *") -> "double":
return _npstat.DensityAveScanND_NU___call__(self, index)
def mapIndex(self, index: "unsigned int const *", coords: "double *") -> "void":
return _npstat.DensityAveScanND_NU_mapIndex(self, index, coords)
def mapBinSize(self, index: "unsigned int const *", coords: "double *") -> "double":
return _npstat.DensityAveScanND_NU_mapBinSize(self, index, coords)
__swig_destroy__ = _npstat.delete_DensityAveScanND_NU
# Register DensityAveScanND_NU in _npstat:
_npstat.DensityAveScanND_NU_swigregister(DensityAveScanND_NU)
class DensityAveScanND_DA(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistributionND", axes: "DualHistoAxisVector", nIntegrationPoints: "unsigned int const", normfactor: "double"=1.0):
_npstat.DensityAveScanND_DA_swiginit(self, _npstat.new_DensityAveScanND_DA(fcn, axes, nIntegrationPoints, normfactor))
def __call__(self, index: "unsigned int const *") -> "double":
return _npstat.DensityAveScanND_DA___call__(self, index)
def mapIndex(self, index: "unsigned int const *", coords: "double *") -> "void":
return _npstat.DensityAveScanND_DA_mapIndex(self, index, coords)
def mapBinSize(self, index: "unsigned int const *", coords: "double *") -> "double":
return _npstat.DensityAveScanND_DA_mapBinSize(self, index, coords)
__swig_destroy__ = _npstat.delete_DensityAveScanND_DA
# Register DensityAveScanND_DA in _npstat:
_npstat.DensityAveScanND_DA_swigregister(DensityAveScanND_DA)
class StatAccArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_StatAccArrayND
def uninitialize(self) -> "npstat::ArrayND< npstat::StatAccumulator > &":
return _npstat.StatAccArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< npstat::StatAccumulator > &":
return _npstat.StatAccArrayND_reshape(self, *args)
def valueAt(self, *args) -> "npstat::StatAccumulator const &":
return _npstat.StatAccArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "npstat::StatAccumulator const &":
return _npstat.StatAccArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.StatAccArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.StatAccArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.StatAccArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.StatAccArrayND_length(self)
def data(self) -> "npstat::StatAccumulator const *":
return _npstat.StatAccArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.StatAccArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.StatAccArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.StatAccArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.StatAccArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.StatAccArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.StatAccArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.StatAccArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.StatAccArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.StatAccArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.StatAccArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.StatAccArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "npstat::StatAccumulator const &":
return _npstat.StatAccArrayND_closestPtr(self, *args)
def constFill(self, c: "StatAccumulator") -> "npstat::ArrayND< npstat::StatAccumulator > &":
return _npstat.StatAccArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< npstat::StatAccumulator > &":
return _npstat.StatAccArrayND_clear(self)
def isCompatible(self, *args) -> "bool":
return _npstat.StatAccArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.StatAccArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "npstat::StatAccumulator const &":
return _npstat.StatAccArrayND_ptr(self, *args)
def clPtr(self, *args) -> "npstat::StatAccumulator const &":
return _npstat.StatAccArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.StatAccArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StatAccArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StatAccArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StatAccArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "StatAccArrayND") -> "void":
return _npstat.StatAccArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "StatAccumulator") -> "void":
return _npstat.StatAccArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "npstat::StatAccumulator":
return _npstat.StatAccArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "StatAccumulator") -> "void":
return _npstat.StatAccArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "npstat::StatAccumulator":
return _npstat.StatAccArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "StatAccumulator") -> "void":
return _npstat.StatAccArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "npstat::StatAccumulator const":
return _npstat.StatAccArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.StatAccArrayND_set(self, *args)
def __call__(self, *args) -> "npstat::StatAccumulator":
return _npstat.StatAccArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.StatAccArrayND_setCl(self, *args)
def cl(self, *args) -> "npstat::StatAccumulator":
return _npstat.StatAccArrayND_cl(self, *args)
def setData(self, data: "StatAccumulator", dataLength: "unsigned long") -> "void":
return _npstat.StatAccArrayND_setData(self, data, dataLength)
def __eq__(self, r: "StatAccArrayND") -> "bool":
return _npstat.StatAccArrayND___eq__(self, r)
def __ne__(self, r: "StatAccArrayND") -> "bool":
return _npstat.StatAccArrayND___ne__(self, r)
def __add__(self, r: "StatAccArrayND") -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND___add__(self, r)
def __mul__(self, r: "double const") -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND___mul__(self, r)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND___rmul__(self, r)
def __div__(self, r: "double const") -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND___div__(self, r)
def __iadd__(self, r: "StatAccArrayND") -> "npstat::ArrayND< npstat::StatAccumulator > &":
return _npstat.StatAccArrayND___iadd__(self, r)
def __imul__(self, r: "double const") -> "npstat::ArrayND< npstat::StatAccumulator > &":
return _npstat.StatAccArrayND___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::ArrayND< npstat::StatAccumulator > &":
return _npstat.StatAccArrayND___idiv__(self, r)
def addmul(self, r: "StatAccArrayND", c: "double const") -> "npstat::ArrayND< npstat::StatAccumulator > &":
return _npstat.StatAccArrayND_addmul(self, r, c)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< npstat::StatAccumulator,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "npstat::StatAccumulator":
return _npstat.StatAccArrayND_sum(self)
def cdfValue(self, indexS: "unsigned int const *") -> "npstat::StatAccumulator":
return _npstat.StatAccArrayND_cdfValue(self, indexS)
def isShapeCompatible(self, r: "StatAccArrayND") -> "bool":
return _npstat.StatAccArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "StatAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.StatAccArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "StatAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.StatAccArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "StatAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.StatAccArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "StatAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.StatAccArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< npstat::StatAccumulator,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< npstat::StatAccumulator > &":
return _npstat.StatAccArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< npstat::StatAccumulator >":
return _npstat.StatAccArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "StatAccArrayND") -> "void":
return _npstat.StatAccArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "StatAccArrayND") -> "void":
return _npstat.StatAccArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "StatAccArrayND") -> "void":
return _npstat.StatAccArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "StatAccArrayND") -> "void":
return _npstat.StatAccArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "StatAccArrayND") -> "void":
return _npstat.StatAccArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.StatAccArrayND_swiginit(self, _npstat.new_StatAccArrayND(*args))
# Register StatAccArrayND in _npstat:
_npstat.StatAccArrayND_swigregister(StatAccArrayND)
def StatAccArrayND_classname() -> "char const *":
return _npstat.StatAccArrayND_classname()
def StatAccArrayND_version() -> "unsigned int":
return _npstat.StatAccArrayND_version()
def StatAccArrayND_restore(id: "ClassId", _in: "istream", array: "StatAccArrayND") -> "void":
return _npstat.StatAccArrayND_restore(id, _in, array)
class WStatAccArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_WStatAccArrayND
def uninitialize(self) -> "npstat::ArrayND< npstat::WeightedStatAccumulator > &":
return _npstat.WStatAccArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< npstat::WeightedStatAccumulator > &":
return _npstat.WStatAccArrayND_reshape(self, *args)
def valueAt(self, *args) -> "npstat::WeightedStatAccumulator const &":
return _npstat.WStatAccArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "npstat::WeightedStatAccumulator const &":
return _npstat.WStatAccArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.WStatAccArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.WStatAccArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.WStatAccArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.WStatAccArrayND_length(self)
def data(self) -> "npstat::WeightedStatAccumulator const *":
return _npstat.WStatAccArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.WStatAccArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.WStatAccArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.WStatAccArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.WStatAccArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.WStatAccArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.WStatAccArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.WStatAccArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.WStatAccArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.WStatAccArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.WStatAccArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.WStatAccArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "npstat::WeightedStatAccumulator const &":
return _npstat.WStatAccArrayND_closestPtr(self, *args)
def constFill(self, c: "WeightedStatAccumulator") -> "npstat::ArrayND< npstat::WeightedStatAccumulator > &":
return _npstat.WStatAccArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< npstat::WeightedStatAccumulator > &":
return _npstat.WStatAccArrayND_clear(self)
def isCompatible(self, *args) -> "bool":
return _npstat.WStatAccArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.WStatAccArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "npstat::WeightedStatAccumulator const &":
return _npstat.WStatAccArrayND_ptr(self, *args)
def clPtr(self, *args) -> "npstat::WeightedStatAccumulator const &":
return _npstat.WStatAccArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.WStatAccArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.WStatAccArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.WStatAccArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.WStatAccArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "WStatAccArrayND") -> "void":
return _npstat.WStatAccArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "npstat::WeightedStatAccumulator const":
return _npstat.WStatAccArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.WStatAccArrayND_set(self, *args)
def __call__(self, *args) -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.WStatAccArrayND_setCl(self, *args)
def cl(self, *args) -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccArrayND_cl(self, *args)
def setData(self, data: "WeightedStatAccumulator", dataLength: "unsigned long") -> "void":
return _npstat.WStatAccArrayND_setData(self, data, dataLength)
def __eq__(self, r: "WStatAccArrayND") -> "bool":
return _npstat.WStatAccArrayND___eq__(self, r)
def __ne__(self, r: "WStatAccArrayND") -> "bool":
return _npstat.WStatAccArrayND___ne__(self, r)
def __add__(self, r: "WStatAccArrayND") -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND___add__(self, r)
def __mul__(self, r: "double const") -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND___mul__(self, r)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND___rmul__(self, r)
def __div__(self, r: "double const") -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND___div__(self, r)
def __iadd__(self, r: "WStatAccArrayND") -> "npstat::ArrayND< npstat::WeightedStatAccumulator > &":
return _npstat.WStatAccArrayND___iadd__(self, r)
def __imul__(self, r: "double const") -> "npstat::ArrayND< npstat::WeightedStatAccumulator > &":
return _npstat.WStatAccArrayND___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::ArrayND< npstat::WeightedStatAccumulator > &":
return _npstat.WStatAccArrayND___idiv__(self, r)
def addmul(self, r: "WStatAccArrayND", c: "double const") -> "npstat::ArrayND< npstat::WeightedStatAccumulator > &":
return _npstat.WStatAccArrayND_addmul(self, r, c)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< npstat::WeightedStatAccumulator,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccArrayND_sum(self)
def cdfValue(self, indexS: "unsigned int const *") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccArrayND_cdfValue(self, indexS)
def isShapeCompatible(self, r: "WStatAccArrayND") -> "bool":
return _npstat.WStatAccArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "WStatAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.WStatAccArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "WeightedStatAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.WStatAccArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "WStatAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.WStatAccArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "WeightedStatAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.WStatAccArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< npstat::WeightedStatAccumulator,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< npstat::WeightedStatAccumulator > &":
return _npstat.WStatAccArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< npstat::WeightedStatAccumulator >":
return _npstat.WStatAccArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "WStatAccArrayND") -> "void":
return _npstat.WStatAccArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "WStatAccArrayND") -> "void":
return _npstat.WStatAccArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "WStatAccArrayND") -> "void":
return _npstat.WStatAccArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "WStatAccArrayND") -> "void":
return _npstat.WStatAccArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "WStatAccArrayND") -> "void":
return _npstat.WStatAccArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.WStatAccArrayND_swiginit(self, _npstat.new_WStatAccArrayND(*args))
# Register WStatAccArrayND in _npstat:
_npstat.WStatAccArrayND_swigregister(WStatAccArrayND)
def WStatAccArrayND_classname() -> "char const *":
return _npstat.WStatAccArrayND_classname()
def WStatAccArrayND_version() -> "unsigned int":
return _npstat.WStatAccArrayND_version()
def WStatAccArrayND_restore(id: "ClassId", _in: "istream", array: "WStatAccArrayND") -> "void":
return _npstat.WStatAccArrayND_restore(id, _in, array)
class FSampleAccArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FSampleAccArrayND
def uninitialize(self) -> "npstat::ArrayND< npstat::FloatSampleAccumulator > &":
return _npstat.FSampleAccArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< npstat::FloatSampleAccumulator > &":
return _npstat.FSampleAccArrayND_reshape(self, *args)
def valueAt(self, *args) -> "npstat::SampleAccumulator< float,long double > const &":
return _npstat.FSampleAccArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "npstat::SampleAccumulator< float,long double > const &":
return _npstat.FSampleAccArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.FSampleAccArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.FSampleAccArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.FSampleAccArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.FSampleAccArrayND_length(self)
def data(self) -> "npstat::SampleAccumulator< float,long double > const *":
return _npstat.FSampleAccArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.FSampleAccArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.FSampleAccArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.FSampleAccArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.FSampleAccArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.FSampleAccArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.FSampleAccArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.FSampleAccArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.FSampleAccArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.FSampleAccArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.FSampleAccArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.FSampleAccArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "npstat::SampleAccumulator< float,long double > const &":
return _npstat.FSampleAccArrayND_closestPtr(self, *args)
def constFill(self, c: "FloatSampleAccumulator") -> "npstat::ArrayND< npstat::FloatSampleAccumulator > &":
return _npstat.FSampleAccArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< npstat::FloatSampleAccumulator > &":
return _npstat.FSampleAccArrayND_clear(self)
def isCompatible(self, *args) -> "bool":
return _npstat.FSampleAccArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.FSampleAccArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "npstat::SampleAccumulator< float,long double > const &":
return _npstat.FSampleAccArrayND_ptr(self, *args)
def clPtr(self, *args) -> "npstat::SampleAccumulator< float,long double > const &":
return _npstat.FSampleAccArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.FSampleAccArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FSampleAccArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FSampleAccArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FSampleAccArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "FSampleAccArrayND") -> "void":
return _npstat.FSampleAccArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "npstat::SampleAccumulator< float,long double > const":
return _npstat.FSampleAccArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.FSampleAccArrayND_set(self, *args)
def __call__(self, *args) -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.FSampleAccArrayND_setCl(self, *args)
def cl(self, *args) -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccArrayND_cl(self, *args)
def setData(self, data: "FloatSampleAccumulator", dataLength: "unsigned long") -> "void":
return _npstat.FSampleAccArrayND_setData(self, data, dataLength)
def __eq__(self, r: "FSampleAccArrayND") -> "bool":
return _npstat.FSampleAccArrayND___eq__(self, r)
def __ne__(self, r: "FSampleAccArrayND") -> "bool":
return _npstat.FSampleAccArrayND___ne__(self, r)
def __add__(self, r: "FSampleAccArrayND") -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND___add__(self, r)
def __mul__(self, r: "double const") -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND___mul__(self, r)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND___rmul__(self, r)
def __div__(self, r: "double const") -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND___div__(self, r)
def __iadd__(self, r: "FSampleAccArrayND") -> "npstat::ArrayND< npstat::FloatSampleAccumulator > &":
return _npstat.FSampleAccArrayND___iadd__(self, r)
def __imul__(self, r: "double const") -> "npstat::ArrayND< npstat::FloatSampleAccumulator > &":
return _npstat.FSampleAccArrayND___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::ArrayND< npstat::FloatSampleAccumulator > &":
return _npstat.FSampleAccArrayND___idiv__(self, r)
def addmul(self, r: "FSampleAccArrayND", c: "double const") -> "npstat::ArrayND< npstat::FloatSampleAccumulator > &":
return _npstat.FSampleAccArrayND_addmul(self, r, c)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< npstat::FloatSampleAccumulator,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccArrayND_sum(self)
def cdfValue(self, indexS: "unsigned int const *") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccArrayND_cdfValue(self, indexS)
def isShapeCompatible(self, r: "FSampleAccArrayND") -> "bool":
return _npstat.FSampleAccArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "FSampleAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.FSampleAccArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "FloatSampleAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.FSampleAccArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "FSampleAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.FSampleAccArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "FloatSampleAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.FSampleAccArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< npstat::FloatSampleAccumulator,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< npstat::FloatSampleAccumulator > &":
return _npstat.FSampleAccArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< npstat::FloatSampleAccumulator >":
return _npstat.FSampleAccArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "FSampleAccArrayND") -> "void":
return _npstat.FSampleAccArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "FSampleAccArrayND") -> "void":
return _npstat.FSampleAccArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "FSampleAccArrayND") -> "void":
return _npstat.FSampleAccArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "FSampleAccArrayND") -> "void":
return _npstat.FSampleAccArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "FSampleAccArrayND") -> "void":
return _npstat.FSampleAccArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.FSampleAccArrayND_swiginit(self, _npstat.new_FSampleAccArrayND(*args))
# Register FSampleAccArrayND in _npstat:
_npstat.FSampleAccArrayND_swigregister(FSampleAccArrayND)
def FSampleAccArrayND_classname() -> "char const *":
return _npstat.FSampleAccArrayND_classname()
def FSampleAccArrayND_version() -> "unsigned int":
return _npstat.FSampleAccArrayND_version()
def FSampleAccArrayND_restore(id: "ClassId", _in: "istream", array: "FSampleAccArrayND") -> "void":
return _npstat.FSampleAccArrayND_restore(id, _in, array)
class DSampleAccArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DSampleAccArrayND
def uninitialize(self) -> "npstat::ArrayND< npstat::DoubleSampleAccumulator > &":
return _npstat.DSampleAccArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< npstat::DoubleSampleAccumulator > &":
return _npstat.DSampleAccArrayND_reshape(self, *args)
def valueAt(self, *args) -> "npstat::SampleAccumulator< double,long double > const &":
return _npstat.DSampleAccArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "npstat::SampleAccumulator< double,long double > const &":
return _npstat.DSampleAccArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.DSampleAccArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.DSampleAccArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.DSampleAccArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.DSampleAccArrayND_length(self)
def data(self) -> "npstat::SampleAccumulator< double,long double > const *":
return _npstat.DSampleAccArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.DSampleAccArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.DSampleAccArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DSampleAccArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.DSampleAccArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.DSampleAccArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.DSampleAccArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.DSampleAccArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.DSampleAccArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.DSampleAccArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.DSampleAccArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.DSampleAccArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "npstat::SampleAccumulator< double,long double > const &":
return _npstat.DSampleAccArrayND_closestPtr(self, *args)
def constFill(self, c: "DoubleSampleAccumulator") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator > &":
return _npstat.DSampleAccArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< npstat::DoubleSampleAccumulator > &":
return _npstat.DSampleAccArrayND_clear(self)
def isCompatible(self, *args) -> "bool":
return _npstat.DSampleAccArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.DSampleAccArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "npstat::SampleAccumulator< double,long double > const &":
return _npstat.DSampleAccArrayND_ptr(self, *args)
def clPtr(self, *args) -> "npstat::SampleAccumulator< double,long double > const &":
return _npstat.DSampleAccArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.DSampleAccArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DSampleAccArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DSampleAccArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DSampleAccArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "DSampleAccArrayND") -> "void":
return _npstat.DSampleAccArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "npstat::SampleAccumulator< double,long double > const":
return _npstat.DSampleAccArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.DSampleAccArrayND_set(self, *args)
def __call__(self, *args) -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.DSampleAccArrayND_setCl(self, *args)
def cl(self, *args) -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccArrayND_cl(self, *args)
def setData(self, data: "DoubleSampleAccumulator", dataLength: "unsigned long") -> "void":
return _npstat.DSampleAccArrayND_setData(self, data, dataLength)
def __eq__(self, r: "DSampleAccArrayND") -> "bool":
return _npstat.DSampleAccArrayND___eq__(self, r)
def __ne__(self, r: "DSampleAccArrayND") -> "bool":
return _npstat.DSampleAccArrayND___ne__(self, r)
def __add__(self, r: "DSampleAccArrayND") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND___add__(self, r)
def __mul__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND___mul__(self, r)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND___rmul__(self, r)
def __div__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND___div__(self, r)
def __iadd__(self, r: "DSampleAccArrayND") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator > &":
return _npstat.DSampleAccArrayND___iadd__(self, r)
def __imul__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator > &":
return _npstat.DSampleAccArrayND___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator > &":
return _npstat.DSampleAccArrayND___idiv__(self, r)
def addmul(self, r: "DSampleAccArrayND", c: "double const") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator > &":
return _npstat.DSampleAccArrayND_addmul(self, r, c)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< npstat::DoubleSampleAccumulator,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccArrayND_sum(self)
def cdfValue(self, indexS: "unsigned int const *") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccArrayND_cdfValue(self, indexS)
def isShapeCompatible(self, r: "DSampleAccArrayND") -> "bool":
return _npstat.DSampleAccArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "DSampleAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.DSampleAccArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "DoubleSampleAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.DSampleAccArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "DSampleAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.DSampleAccArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "DoubleSampleAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.DSampleAccArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< npstat::DoubleSampleAccumulator,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator > &":
return _npstat.DSampleAccArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator >":
return _npstat.DSampleAccArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "DSampleAccArrayND") -> "void":
return _npstat.DSampleAccArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "DSampleAccArrayND") -> "void":
return _npstat.DSampleAccArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "DSampleAccArrayND") -> "void":
return _npstat.DSampleAccArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "DSampleAccArrayND") -> "void":
return _npstat.DSampleAccArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "DSampleAccArrayND") -> "void":
return _npstat.DSampleAccArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.DSampleAccArrayND_swiginit(self, _npstat.new_DSampleAccArrayND(*args))
# Register DSampleAccArrayND in _npstat:
_npstat.DSampleAccArrayND_swigregister(DSampleAccArrayND)
def DSampleAccArrayND_classname() -> "char const *":
return _npstat.DSampleAccArrayND_classname()
def DSampleAccArrayND_version() -> "unsigned int":
return _npstat.DSampleAccArrayND_version()
def DSampleAccArrayND_restore(id: "ClassId", _in: "istream", array: "DSampleAccArrayND") -> "void":
return _npstat.DSampleAccArrayND_restore(id, _in, array)
class DWSampleAccArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DWSampleAccArrayND
def uninitialize(self) -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator > &":
return _npstat.DWSampleAccArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator > &":
return _npstat.DWSampleAccArrayND_reshape(self, *args)
def valueAt(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double > const &":
return _npstat.DWSampleAccArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double > const &":
return _npstat.DWSampleAccArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.DWSampleAccArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.DWSampleAccArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.DWSampleAccArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.DWSampleAccArrayND_length(self)
def data(self) -> "npstat::WeightedSampleAccumulator< double,long double > const *":
return _npstat.DWSampleAccArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.DWSampleAccArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.DWSampleAccArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DWSampleAccArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.DWSampleAccArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.DWSampleAccArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.DWSampleAccArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.DWSampleAccArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.DWSampleAccArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.DWSampleAccArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.DWSampleAccArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.DWSampleAccArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double > const &":
return _npstat.DWSampleAccArrayND_closestPtr(self, *args)
def constFill(self, c: "DoubleWeightedSampleAccumulator") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator > &":
return _npstat.DWSampleAccArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator > &":
return _npstat.DWSampleAccArrayND_clear(self)
def isCompatible(self, *args) -> "bool":
return _npstat.DWSampleAccArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.DWSampleAccArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double > const &":
return _npstat.DWSampleAccArrayND_ptr(self, *args)
def clPtr(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double > const &":
return _npstat.DWSampleAccArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.DWSampleAccArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DWSampleAccArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DWSampleAccArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DWSampleAccArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "DWSampleAccArrayND") -> "void":
return _npstat.DWSampleAccArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "npstat::WeightedSampleAccumulator< double,long double > const":
return _npstat.DWSampleAccArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.DWSampleAccArrayND_set(self, *args)
def __call__(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.DWSampleAccArrayND_setCl(self, *args)
def cl(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccArrayND_cl(self, *args)
def setData(self, data: "DoubleWeightedSampleAccumulator", dataLength: "unsigned long") -> "void":
return _npstat.DWSampleAccArrayND_setData(self, data, dataLength)
def __eq__(self, r: "DWSampleAccArrayND") -> "bool":
return _npstat.DWSampleAccArrayND___eq__(self, r)
def __ne__(self, r: "DWSampleAccArrayND") -> "bool":
return _npstat.DWSampleAccArrayND___ne__(self, r)
def __add__(self, r: "DWSampleAccArrayND") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND___add__(self, r)
def __mul__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND___mul__(self, r)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND___rmul__(self, r)
def __div__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND___div__(self, r)
def __iadd__(self, r: "DWSampleAccArrayND") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator > &":
return _npstat.DWSampleAccArrayND___iadd__(self, r)
def __imul__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator > &":
return _npstat.DWSampleAccArrayND___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator > &":
return _npstat.DWSampleAccArrayND___idiv__(self, r)
def addmul(self, r: "DWSampleAccArrayND", c: "double const") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator > &":
return _npstat.DWSampleAccArrayND_addmul(self, r, c)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccArrayND_sum(self)
def cdfValue(self, indexS: "unsigned int const *") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccArrayND_cdfValue(self, indexS)
def isShapeCompatible(self, r: "DWSampleAccArrayND") -> "bool":
return _npstat.DWSampleAccArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "DWSampleAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.DWSampleAccArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "DoubleWeightedSampleAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.DWSampleAccArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "DWSampleAccArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.DWSampleAccArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "DoubleWeightedSampleAccumulator", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.DWSampleAccArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator > &":
return _npstat.DWSampleAccArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator >":
return _npstat.DWSampleAccArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "DWSampleAccArrayND") -> "void":
return _npstat.DWSampleAccArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "DWSampleAccArrayND") -> "void":
return _npstat.DWSampleAccArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "DWSampleAccArrayND") -> "void":
return _npstat.DWSampleAccArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "DWSampleAccArrayND") -> "void":
return _npstat.DWSampleAccArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "DWSampleAccArrayND") -> "void":
return _npstat.DWSampleAccArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.DWSampleAccArrayND_swiginit(self, _npstat.new_DWSampleAccArrayND(*args))
# Register DWSampleAccArrayND in _npstat:
_npstat.DWSampleAccArrayND_swigregister(DWSampleAccArrayND)
def DWSampleAccArrayND_classname() -> "char const *":
return _npstat.DWSampleAccArrayND_classname()
def DWSampleAccArrayND_version() -> "unsigned int":
return _npstat.DWSampleAccArrayND_version()
def DWSampleAccArrayND_restore(id: "ClassId", _in: "istream", array: "DWSampleAccArrayND") -> "void":
return _npstat.DWSampleAccArrayND_restore(id, _in, array)
class BinSummaryArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_BinSummaryArrayND
def uninitialize(self) -> "npstat::ArrayND< npstat::BinSummary > &":
return _npstat.BinSummaryArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< npstat::BinSummary > &":
return _npstat.BinSummaryArrayND_reshape(self, *args)
def valueAt(self, *args) -> "npstat::BinSummary const &":
return _npstat.BinSummaryArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "npstat::BinSummary const &":
return _npstat.BinSummaryArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.BinSummaryArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.BinSummaryArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.BinSummaryArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.BinSummaryArrayND_length(self)
def data(self) -> "npstat::BinSummary const *":
return _npstat.BinSummaryArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.BinSummaryArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.BinSummaryArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.BinSummaryArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.BinSummaryArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.BinSummaryArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.BinSummaryArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.BinSummaryArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.BinSummaryArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.BinSummaryArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.BinSummaryArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.BinSummaryArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "npstat::BinSummary const &":
return _npstat.BinSummaryArrayND_closestPtr(self, *args)
def constFill(self, c: "BinSummary") -> "npstat::ArrayND< npstat::BinSummary > &":
return _npstat.BinSummaryArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< npstat::BinSummary > &":
return _npstat.BinSummaryArrayND_clear(self)
def isCompatible(self, *args) -> "bool":
return _npstat.BinSummaryArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.BinSummaryArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "npstat::BinSummary const &":
return _npstat.BinSummaryArrayND_ptr(self, *args)
def clPtr(self, *args) -> "npstat::BinSummary const &":
return _npstat.BinSummaryArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.BinSummaryArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.BinSummaryArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.BinSummaryArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.BinSummaryArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "BinSummaryArrayND") -> "void":
return _npstat.BinSummaryArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "BinSummary") -> "void":
return _npstat.BinSummaryArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "npstat::BinSummary":
return _npstat.BinSummaryArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "BinSummary") -> "void":
return _npstat.BinSummaryArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "npstat::BinSummary":
return _npstat.BinSummaryArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "BinSummary") -> "void":
return _npstat.BinSummaryArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "npstat::BinSummary const":
return _npstat.BinSummaryArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.BinSummaryArrayND_set(self, *args)
def __call__(self, *args) -> "npstat::BinSummary":
return _npstat.BinSummaryArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.BinSummaryArrayND_setCl(self, *args)
def cl(self, *args) -> "npstat::BinSummary":
return _npstat.BinSummaryArrayND_cl(self, *args)
def setData(self, data: "BinSummary", dataLength: "unsigned long") -> "void":
return _npstat.BinSummaryArrayND_setData(self, data, dataLength)
def __eq__(self, r: "BinSummaryArrayND") -> "bool":
return _npstat.BinSummaryArrayND___eq__(self, r)
def __ne__(self, r: "BinSummaryArrayND") -> "bool":
return _npstat.BinSummaryArrayND___ne__(self, r)
def __add__(self, r: "BinSummaryArrayND") -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND___add__(self, r)
def __mul__(self, r: "double const") -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND___mul__(self, r)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND___rmul__(self, r)
def __div__(self, r: "double const") -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND___div__(self, r)
def __iadd__(self, r: "BinSummaryArrayND") -> "npstat::ArrayND< npstat::BinSummary > &":
return _npstat.BinSummaryArrayND___iadd__(self, r)
def __imul__(self, r: "double const") -> "npstat::ArrayND< npstat::BinSummary > &":
return _npstat.BinSummaryArrayND___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::ArrayND< npstat::BinSummary > &":
return _npstat.BinSummaryArrayND___idiv__(self, r)
def addmul(self, r: "BinSummaryArrayND", c: "double const") -> "npstat::ArrayND< npstat::BinSummary > &":
return _npstat.BinSummaryArrayND_addmul(self, r, c)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< npstat::BinSummary,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "npstat::BinSummary":
return _npstat.BinSummaryArrayND_sum(self)
def cdfValue(self, indexS: "unsigned int const *") -> "npstat::BinSummary":
return _npstat.BinSummaryArrayND_cdfValue(self, indexS)
def isShapeCompatible(self, r: "BinSummaryArrayND") -> "bool":
return _npstat.BinSummaryArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "BinSummaryArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.BinSummaryArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "BinSummary", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.BinSummaryArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "BinSummaryArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.BinSummaryArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "BinSummary", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.BinSummaryArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< npstat::BinSummary,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< npstat::BinSummary > &":
return _npstat.BinSummaryArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< npstat::BinSummary >":
return _npstat.BinSummaryArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "BinSummaryArrayND") -> "void":
return _npstat.BinSummaryArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "BinSummaryArrayND") -> "void":
return _npstat.BinSummaryArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "BinSummaryArrayND") -> "void":
return _npstat.BinSummaryArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "BinSummaryArrayND") -> "void":
return _npstat.BinSummaryArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "BinSummaryArrayND") -> "void":
return _npstat.BinSummaryArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.BinSummaryArrayND_swiginit(self, _npstat.new_BinSummaryArrayND(*args))
# Register BinSummaryArrayND in _npstat:
_npstat.BinSummaryArrayND_swigregister(BinSummaryArrayND)
def BinSummaryArrayND_classname() -> "char const *":
return _npstat.BinSummaryArrayND_classname()
def BinSummaryArrayND_version() -> "unsigned int":
return _npstat.BinSummaryArrayND_version()
def BinSummaryArrayND_restore(id: "ClassId", _in: "istream", array: "BinSummaryArrayND") -> "void":
return _npstat.BinSummaryArrayND_restore(id, _in, array)
def ArrayND(*args):
val = _npstat.new_ArrayND(*args)
return val
def arrayMin(*args) -> "npstat::ArrayND< unsigned char,1U,10U >::value_type":
return _npstat.arrayMin(*args)
def arrayMax(*args) -> "npstat::ArrayND< unsigned char,1U,10U >::value_type":
return _npstat.arrayMax(*args)
def arrayMinMax(*args) -> "std::pair< npstat::ArrayND< unsigned char,1U,10U >::value_type,npstat::ArrayND< unsigned char,1U,10U >::value_type >":
return _npstat.arrayMinMax(*args)
def arrayArgmax(*args) -> "npstat::ArrayShape":
return _npstat.arrayArgmax(*args)
def arrayArgmin(*args) -> "npstat::ArrayShape":
return _npstat.arrayArgmin(*args)
def arrayIsNonNegative(*args) -> "bool":
return _npstat.arrayIsNonNegative(*args)
def arrayIsDensity(*args) -> "bool":
return _npstat.arrayIsDensity(*args)
class ArchiveRecord_StatAccArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StatAccArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StatAccArrayND_swiginit(self, _npstat.new_ArchiveRecord_StatAccArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StatAccArrayND
# Register ArchiveRecord_StatAccArrayND in _npstat:
_npstat.ArchiveRecord_StatAccArrayND_swigregister(ArchiveRecord_StatAccArrayND)
class Ref_StatAccArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StatAccArrayND_swiginit(self, _npstat.new_Ref_StatAccArrayND(*args))
def restore(self, index: "unsigned long", obj: "StatAccArrayND") -> "void":
return _npstat.Ref_StatAccArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< npstat::StatAccumulator,1U,10U > *":
return _npstat.Ref_StatAccArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< npstat::StatAccumulator,1U,10U >":
return _npstat.Ref_StatAccArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_StatAccArrayND
# Register Ref_StatAccArrayND in _npstat:
_npstat.Ref_StatAccArrayND_swigregister(Ref_StatAccArrayND)
class ArchiveRecord_WStatAccArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "WStatAccArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_WStatAccArrayND_swiginit(self, _npstat.new_ArchiveRecord_WStatAccArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_WStatAccArrayND
# Register ArchiveRecord_WStatAccArrayND in _npstat:
_npstat.ArchiveRecord_WStatAccArrayND_swigregister(ArchiveRecord_WStatAccArrayND)
class Ref_WStatAccArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_WStatAccArrayND_swiginit(self, _npstat.new_Ref_WStatAccArrayND(*args))
def restore(self, index: "unsigned long", obj: "WStatAccArrayND") -> "void":
return _npstat.Ref_WStatAccArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< npstat::WeightedStatAccumulator,1U,10U > *":
return _npstat.Ref_WStatAccArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< npstat::WeightedStatAccumulator,1U,10U >":
return _npstat.Ref_WStatAccArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_WStatAccArrayND
# Register Ref_WStatAccArrayND in _npstat:
_npstat.Ref_WStatAccArrayND_swigregister(Ref_WStatAccArrayND)
class ArchiveRecord_FSampleAccArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FSampleAccArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FSampleAccArrayND_swiginit(self, _npstat.new_ArchiveRecord_FSampleAccArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FSampleAccArrayND
# Register ArchiveRecord_FSampleAccArrayND in _npstat:
_npstat.ArchiveRecord_FSampleAccArrayND_swigregister(ArchiveRecord_FSampleAccArrayND)
class Ref_FSampleAccArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FSampleAccArrayND_swiginit(self, _npstat.new_Ref_FSampleAccArrayND(*args))
def restore(self, index: "unsigned long", obj: "FSampleAccArrayND") -> "void":
return _npstat.Ref_FSampleAccArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< npstat::FloatSampleAccumulator,1U,10U > *":
return _npstat.Ref_FSampleAccArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< npstat::FloatSampleAccumulator,1U,10U >":
return _npstat.Ref_FSampleAccArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_FSampleAccArrayND
# Register Ref_FSampleAccArrayND in _npstat:
_npstat.Ref_FSampleAccArrayND_swigregister(Ref_FSampleAccArrayND)
class ArchiveRecord_DSampleAccArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DSampleAccArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DSampleAccArrayND_swiginit(self, _npstat.new_ArchiveRecord_DSampleAccArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DSampleAccArrayND
# Register ArchiveRecord_DSampleAccArrayND in _npstat:
_npstat.ArchiveRecord_DSampleAccArrayND_swigregister(ArchiveRecord_DSampleAccArrayND)
class Ref_DSampleAccArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DSampleAccArrayND_swiginit(self, _npstat.new_Ref_DSampleAccArrayND(*args))
def restore(self, index: "unsigned long", obj: "DSampleAccArrayND") -> "void":
return _npstat.Ref_DSampleAccArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator,1U,10U > *":
return _npstat.Ref_DSampleAccArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< npstat::DoubleSampleAccumulator,1U,10U >":
return _npstat.Ref_DSampleAccArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DSampleAccArrayND
# Register Ref_DSampleAccArrayND in _npstat:
_npstat.Ref_DSampleAccArrayND_swigregister(Ref_DSampleAccArrayND)
class ArchiveRecord_DWSampleAccArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DWSampleAccArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DWSampleAccArrayND_swiginit(self, _npstat.new_ArchiveRecord_DWSampleAccArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DWSampleAccArrayND
# Register ArchiveRecord_DWSampleAccArrayND in _npstat:
_npstat.ArchiveRecord_DWSampleAccArrayND_swigregister(ArchiveRecord_DWSampleAccArrayND)
class Ref_DWSampleAccArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DWSampleAccArrayND_swiginit(self, _npstat.new_Ref_DWSampleAccArrayND(*args))
def restore(self, index: "unsigned long", obj: "DWSampleAccArrayND") -> "void":
return _npstat.Ref_DWSampleAccArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator,1U,10U > *":
return _npstat.Ref_DWSampleAccArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< npstat::DoubleWeightedSampleAccumulator,1U,10U >":
return _npstat.Ref_DWSampleAccArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DWSampleAccArrayND
# Register Ref_DWSampleAccArrayND in _npstat:
_npstat.Ref_DWSampleAccArrayND_swigregister(Ref_DWSampleAccArrayND)
class ArchiveRecord_BinSummaryArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "BinSummaryArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_BinSummaryArrayND_swiginit(self, _npstat.new_ArchiveRecord_BinSummaryArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_BinSummaryArrayND
# Register ArchiveRecord_BinSummaryArrayND in _npstat:
_npstat.ArchiveRecord_BinSummaryArrayND_swigregister(ArchiveRecord_BinSummaryArrayND)
class Ref_BinSummaryArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_BinSummaryArrayND_swiginit(self, _npstat.new_Ref_BinSummaryArrayND(*args))
def restore(self, index: "unsigned long", obj: "BinSummaryArrayND") -> "void":
return _npstat.Ref_BinSummaryArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< npstat::BinSummary,1U,10U > *":
return _npstat.Ref_BinSummaryArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< npstat::BinSummary,1U,10U >":
return _npstat.Ref_BinSummaryArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_BinSummaryArrayND
# Register Ref_BinSummaryArrayND in _npstat:
_npstat.Ref_BinSummaryArrayND_swigregister(Ref_BinSummaryArrayND)
class UCharArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharArrayND
def uninitialize(self) -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND_reshape(self, *args)
def valueAt(self, *args) -> "unsigned char const &":
return _npstat.UCharArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "unsigned char const &":
return _npstat.UCharArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.UCharArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.UCharArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.UCharArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.UCharArrayND_length(self)
def data(self) -> "unsigned char const *":
return _npstat.UCharArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.UCharArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.UCharArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.UCharArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.UCharArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.UCharArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.UCharArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.UCharArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.UCharArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.UCharArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.UCharArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.UCharArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "unsigned char const &":
return _npstat.UCharArrayND_closestPtr(self, *args)
def interpolate1(self, x: "double const *") -> "unsigned char":
return _npstat.UCharArrayND_interpolate1(self, x)
def interpolate3(self, x: "double const *") -> "unsigned char":
return _npstat.UCharArrayND_interpolate3(self, x)
def constFill(self, c: "unsigned char") -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND_clear(self)
def linearFill(self, coeff: "double const *", coeffLen: "unsigned int", c: "double") -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND_linearFill(self, coeff, coeffLen, c)
def makeUnit(self) -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND_makeUnit(self)
def makeNonNegative(self) -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND_makeNonNegative(self)
def makeCopulaSteps(self, tolerance: "double", maxIterations: "unsigned int") -> "unsigned int":
return _npstat.UCharArrayND_makeCopulaSteps(self, tolerance, maxIterations)
def isCompatible(self, *args) -> "bool":
return _npstat.UCharArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.UCharArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "unsigned char const &":
return _npstat.UCharArrayND_ptr(self, *args)
def clPtr(self, *args) -> "unsigned char const &":
return _npstat.UCharArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.UCharArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.UCharArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.UCharArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UCharArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "UCharArrayND") -> "void":
return _npstat.UCharArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "unsigned char") -> "void":
return _npstat.UCharArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "unsigned char":
return _npstat.UCharArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "unsigned char") -> "void":
return _npstat.UCharArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "unsigned char":
return _npstat.UCharArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "unsigned char") -> "void":
return _npstat.UCharArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "unsigned char const":
return _npstat.UCharArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.UCharArrayND_set(self, *args)
def __call__(self, *args) -> "unsigned char":
return _npstat.UCharArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.UCharArrayND_setCl(self, *args)
def cl(self, *args) -> "unsigned char":
return _npstat.UCharArrayND_cl(self, *args)
def setData(self, data: "unsigned char const *", dataLength: "unsigned long") -> "void":
return _npstat.UCharArrayND_setData(self, data, dataLength)
def maxAbsDifference(self, r: "UCharArrayND") -> "double":
return _npstat.UCharArrayND_maxAbsDifference(self, r)
def __eq__(self, r: "UCharArrayND") -> "bool":
return _npstat.UCharArrayND___eq__(self, r)
def __ne__(self, r: "UCharArrayND") -> "bool":
return _npstat.UCharArrayND___ne__(self, r)
def __add__(self, r: "UCharArrayND") -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND___add__(self, r)
def __sub__(self, r: "UCharArrayND") -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND___sub__(self, r)
def __mul__(self, *args) -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND___mul__(self, *args)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND___rmul__(self, r)
def __div__(self, *args) -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND___div__(self, *args)
def __iadd__(self, r: "UCharArrayND") -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND___iadd__(self, r)
def __isub__(self, r: "UCharArrayND") -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND___isub__(self, r)
def __imul__(self, *args) -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND___imul__(self, *args)
def __idiv__(self, *args) -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND___idiv__(self, *args)
def addmul(self, r: "UCharArrayND", c: "double const") -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND_addmul(self, r, c)
def outer(self, r: "UCharArrayND") -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND_outer(self, r)
def dot(self, r: "UCharArrayND") -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND_dot(self, r)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< unsigned char,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "unsigned char":
return _npstat.UCharArrayND_sum(self)
def sumsq(self) -> "double":
return _npstat.UCharArrayND_sumsq(self)
def derivative(self, scale: "double"=1.0) -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND_derivative(self, scale)
def cdfArray(self, scale: "double"=1.0) -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND_cdfArray(self, scale)
def cdfValue(self, indexS: "unsigned int const *") -> "unsigned char":
return _npstat.UCharArrayND_cdfValue(self, indexS)
def convertToLastDimCdf(self, sumSlice: "UCharArrayND", b: "bool") -> "void":
return _npstat.UCharArrayND_convertToLastDimCdf(self, sumSlice, b)
def isClose(self, r: "UCharArrayND", eps: "double") -> "bool":
return _npstat.UCharArrayND_isClose(self, r, eps)
def isShapeCompatible(self, r: "UCharArrayND") -> "bool":
return _npstat.UCharArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "UCharArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.UCharArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "unsigned char *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.UCharArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "UCharArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.UCharArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "unsigned char const *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.UCharArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< unsigned char,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< unsigned char > &":
return _npstat.UCharArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< unsigned char >":
return _npstat.UCharArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "UCharArrayND") -> "void":
return _npstat.UCharArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "UCharArrayND") -> "void":
return _npstat.UCharArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "UCharArrayND") -> "void":
return _npstat.UCharArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "UCharArrayND") -> "void":
return _npstat.UCharArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "UCharArrayND") -> "void":
return _npstat.UCharArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.UCharArrayND_swiginit(self, _npstat.new_UCharArrayND(*args))
# Register UCharArrayND in _npstat:
_npstat.UCharArrayND_swigregister(UCharArrayND)
def UCharArrayND_classname() -> "char const *":
return _npstat.UCharArrayND_classname()
def UCharArrayND_version() -> "unsigned int":
return _npstat.UCharArrayND_version()
def UCharArrayND_restore(id: "ClassId", _in: "istream", array: "UCharArrayND") -> "void":
return _npstat.UCharArrayND_restore(id, _in, array)
class ArchiveRecord_UCharArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UCharArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_UCharArrayND_swiginit(self, _npstat.new_ArchiveRecord_UCharArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_UCharArrayND
# Register ArchiveRecord_UCharArrayND in _npstat:
_npstat.ArchiveRecord_UCharArrayND_swigregister(ArchiveRecord_UCharArrayND)
class Ref_UCharArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UCharArrayND_swiginit(self, _npstat.new_Ref_UCharArrayND(*args))
def restore(self, index: "unsigned long", obj: "UCharArrayND") -> "void":
return _npstat.Ref_UCharArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< unsigned char,1U,10U > *":
return _npstat.Ref_UCharArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< unsigned char,1U,10U >":
return _npstat.Ref_UCharArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UCharArrayND
# Register Ref_UCharArrayND in _npstat:
_npstat.Ref_UCharArrayND_swigregister(Ref_UCharArrayND)
class IntArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntArrayND
def uninitialize(self) -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND_reshape(self, *args)
def valueAt(self, *args) -> "int const &":
return _npstat.IntArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "int const &":
return _npstat.IntArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.IntArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.IntArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.IntArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.IntArrayND_length(self)
def data(self) -> "int const *":
return _npstat.IntArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.IntArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.IntArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.IntArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.IntArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.IntArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.IntArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.IntArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.IntArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.IntArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.IntArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.IntArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< int >":
return _npstat.IntArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< int >":
return _npstat.IntArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< int >":
return _npstat.IntArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "int const &":
return _npstat.IntArrayND_closestPtr(self, *args)
def interpolate1(self, x: "double const *") -> "int":
return _npstat.IntArrayND_interpolate1(self, x)
def interpolate3(self, x: "double const *") -> "int":
return _npstat.IntArrayND_interpolate3(self, x)
def constFill(self, c: "int") -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND_clear(self)
def linearFill(self, coeff: "double const *", coeffLen: "unsigned int", c: "double") -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND_linearFill(self, coeff, coeffLen, c)
def makeUnit(self) -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND_makeUnit(self)
def makeNonNegative(self) -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND_makeNonNegative(self)
def makeCopulaSteps(self, tolerance: "double", maxIterations: "unsigned int") -> "unsigned int":
return _npstat.IntArrayND_makeCopulaSteps(self, tolerance, maxIterations)
def isCompatible(self, *args) -> "bool":
return _npstat.IntArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.IntArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "int const &":
return _npstat.IntArrayND_ptr(self, *args)
def clPtr(self, *args) -> "int const &":
return _npstat.IntArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.IntArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.IntArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.IntArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IntArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "IntArrayND") -> "void":
return _npstat.IntArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "int") -> "void":
return _npstat.IntArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "int":
return _npstat.IntArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "int") -> "void":
return _npstat.IntArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "int":
return _npstat.IntArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "int") -> "void":
return _npstat.IntArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "int const":
return _npstat.IntArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.IntArrayND_set(self, *args)
def __call__(self, *args) -> "int":
return _npstat.IntArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.IntArrayND_setCl(self, *args)
def cl(self, *args) -> "int":
return _npstat.IntArrayND_cl(self, *args)
def setData(self, data: "int const *", dataLength: "unsigned long") -> "void":
return _npstat.IntArrayND_setData(self, data, dataLength)
def maxAbsDifference(self, r: "IntArrayND") -> "double":
return _npstat.IntArrayND_maxAbsDifference(self, r)
def __eq__(self, r: "IntArrayND") -> "bool":
return _npstat.IntArrayND___eq__(self, r)
def __ne__(self, r: "IntArrayND") -> "bool":
return _npstat.IntArrayND___ne__(self, r)
def __add__(self, r: "IntArrayND") -> "npstat::ArrayND< int >":
return _npstat.IntArrayND___add__(self, r)
def __sub__(self, r: "IntArrayND") -> "npstat::ArrayND< int >":
return _npstat.IntArrayND___sub__(self, r)
def __mul__(self, *args) -> "npstat::ArrayND< int >":
return _npstat.IntArrayND___mul__(self, *args)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< int >":
return _npstat.IntArrayND___rmul__(self, r)
def __div__(self, *args) -> "npstat::ArrayND< int >":
return _npstat.IntArrayND___div__(self, *args)
def __iadd__(self, r: "IntArrayND") -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND___iadd__(self, r)
def __isub__(self, r: "IntArrayND") -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND___isub__(self, r)
def __imul__(self, *args) -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND___imul__(self, *args)
def __idiv__(self, *args) -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND___idiv__(self, *args)
def addmul(self, r: "IntArrayND", c: "double const") -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND_addmul(self, r, c)
def outer(self, r: "IntArrayND") -> "npstat::ArrayND< int >":
return _npstat.IntArrayND_outer(self, r)
def dot(self, r: "IntArrayND") -> "npstat::ArrayND< int >":
return _npstat.IntArrayND_dot(self, r)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< int,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< int >":
return _npstat.IntArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "int":
return _npstat.IntArrayND_sum(self)
def sumsq(self) -> "double":
return _npstat.IntArrayND_sumsq(self)
def derivative(self, scale: "double"=1.0) -> "npstat::ArrayND< int >":
return _npstat.IntArrayND_derivative(self, scale)
def cdfArray(self, scale: "double"=1.0) -> "npstat::ArrayND< int >":
return _npstat.IntArrayND_cdfArray(self, scale)
def cdfValue(self, indexS: "unsigned int const *") -> "int":
return _npstat.IntArrayND_cdfValue(self, indexS)
def convertToLastDimCdf(self, sumSlice: "IntArrayND", b: "bool") -> "void":
return _npstat.IntArrayND_convertToLastDimCdf(self, sumSlice, b)
def isClose(self, r: "IntArrayND", eps: "double") -> "bool":
return _npstat.IntArrayND_isClose(self, r, eps)
def isShapeCompatible(self, r: "IntArrayND") -> "bool":
return _npstat.IntArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "IntArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.IntArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "int *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.IntArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "IntArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.IntArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "int const *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.IntArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< int,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< int > &":
return _npstat.IntArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< int >":
return _npstat.IntArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< int >":
return _npstat.IntArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "IntArrayND") -> "void":
return _npstat.IntArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "IntArrayND") -> "void":
return _npstat.IntArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "IntArrayND") -> "void":
return _npstat.IntArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "IntArrayND") -> "void":
return _npstat.IntArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "IntArrayND") -> "void":
return _npstat.IntArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.IntArrayND_swiginit(self, _npstat.new_IntArrayND(*args))
# Register IntArrayND in _npstat:
_npstat.IntArrayND_swigregister(IntArrayND)
def IntArrayND_classname() -> "char const *":
return _npstat.IntArrayND_classname()
def IntArrayND_version() -> "unsigned int":
return _npstat.IntArrayND_version()
def IntArrayND_restore(id: "ClassId", _in: "istream", array: "IntArrayND") -> "void":
return _npstat.IntArrayND_restore(id, _in, array)
class ArchiveRecord_IntArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "IntArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_IntArrayND_swiginit(self, _npstat.new_ArchiveRecord_IntArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_IntArrayND
# Register ArchiveRecord_IntArrayND in _npstat:
_npstat.ArchiveRecord_IntArrayND_swigregister(ArchiveRecord_IntArrayND)
class Ref_IntArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IntArrayND_swiginit(self, _npstat.new_Ref_IntArrayND(*args))
def restore(self, index: "unsigned long", obj: "IntArrayND") -> "void":
return _npstat.Ref_IntArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< int,1U,10U > *":
return _npstat.Ref_IntArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< int,1U,10U >":
return _npstat.Ref_IntArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_IntArrayND
# Register Ref_IntArrayND in _npstat:
_npstat.Ref_IntArrayND_swigregister(Ref_IntArrayND)
class LongArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongArrayND
def uninitialize(self) -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND_reshape(self, *args)
def valueAt(self, *args) -> "long const &":
return _npstat.LongArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "long const &":
return _npstat.LongArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.LongArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.LongArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.LongArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.LongArrayND_length(self)
def data(self) -> "long const *":
return _npstat.LongArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.LongArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.LongArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.LongArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.LongArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.LongArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.LongArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.LongArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.LongArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.LongArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.LongArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.LongArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< long >":
return _npstat.LongArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< long >":
return _npstat.LongArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< long >":
return _npstat.LongArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "long const &":
return _npstat.LongArrayND_closestPtr(self, *args)
def interpolate1(self, x: "double const *") -> "long":
return _npstat.LongArrayND_interpolate1(self, x)
def interpolate3(self, x: "double const *") -> "long":
return _npstat.LongArrayND_interpolate3(self, x)
def constFill(self, c: "long") -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND_clear(self)
def linearFill(self, coeff: "double const *", coeffLen: "unsigned int", c: "double") -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND_linearFill(self, coeff, coeffLen, c)
def makeUnit(self) -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND_makeUnit(self)
def makeNonNegative(self) -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND_makeNonNegative(self)
def makeCopulaSteps(self, tolerance: "double", maxIterations: "unsigned int") -> "unsigned int":
return _npstat.LongArrayND_makeCopulaSteps(self, tolerance, maxIterations)
def isCompatible(self, *args) -> "bool":
return _npstat.LongArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.LongArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "long const &":
return _npstat.LongArrayND_ptr(self, *args)
def clPtr(self, *args) -> "long const &":
return _npstat.LongArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.LongArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LongArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LongArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LongArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "LongArrayND") -> "void":
return _npstat.LongArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "long") -> "void":
return _npstat.LongArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "long":
return _npstat.LongArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "long") -> "void":
return _npstat.LongArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "long":
return _npstat.LongArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "long") -> "void":
return _npstat.LongArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "long const":
return _npstat.LongArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.LongArrayND_set(self, *args)
def __call__(self, *args) -> "long":
return _npstat.LongArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.LongArrayND_setCl(self, *args)
def cl(self, *args) -> "long":
return _npstat.LongArrayND_cl(self, *args)
def setData(self, data: "long const *", dataLength: "unsigned long") -> "void":
return _npstat.LongArrayND_setData(self, data, dataLength)
def maxAbsDifference(self, r: "LongArrayND") -> "double":
return _npstat.LongArrayND_maxAbsDifference(self, r)
def __eq__(self, r: "LongArrayND") -> "bool":
return _npstat.LongArrayND___eq__(self, r)
def __ne__(self, r: "LongArrayND") -> "bool":
return _npstat.LongArrayND___ne__(self, r)
def __add__(self, r: "LongArrayND") -> "npstat::ArrayND< long >":
return _npstat.LongArrayND___add__(self, r)
def __sub__(self, r: "LongArrayND") -> "npstat::ArrayND< long >":
return _npstat.LongArrayND___sub__(self, r)
def __mul__(self, *args) -> "npstat::ArrayND< long >":
return _npstat.LongArrayND___mul__(self, *args)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< long >":
return _npstat.LongArrayND___rmul__(self, r)
def __div__(self, *args) -> "npstat::ArrayND< long >":
return _npstat.LongArrayND___div__(self, *args)
def __iadd__(self, r: "LongArrayND") -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND___iadd__(self, r)
def __isub__(self, r: "LongArrayND") -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND___isub__(self, r)
def __imul__(self, *args) -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND___imul__(self, *args)
def __idiv__(self, *args) -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND___idiv__(self, *args)
def addmul(self, r: "LongArrayND", c: "double const") -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND_addmul(self, r, c)
def outer(self, r: "LongArrayND") -> "npstat::ArrayND< long >":
return _npstat.LongArrayND_outer(self, r)
def dot(self, r: "LongArrayND") -> "npstat::ArrayND< long >":
return _npstat.LongArrayND_dot(self, r)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< long,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< long >":
return _npstat.LongArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "long":
return _npstat.LongArrayND_sum(self)
def sumsq(self) -> "double":
return _npstat.LongArrayND_sumsq(self)
def derivative(self, scale: "double"=1.0) -> "npstat::ArrayND< long >":
return _npstat.LongArrayND_derivative(self, scale)
def cdfArray(self, scale: "double"=1.0) -> "npstat::ArrayND< long >":
return _npstat.LongArrayND_cdfArray(self, scale)
def cdfValue(self, indexS: "unsigned int const *") -> "long":
return _npstat.LongArrayND_cdfValue(self, indexS)
def convertToLastDimCdf(self, sumSlice: "LongArrayND", b: "bool") -> "void":
return _npstat.LongArrayND_convertToLastDimCdf(self, sumSlice, b)
def isClose(self, r: "LongArrayND", eps: "double") -> "bool":
return _npstat.LongArrayND_isClose(self, r, eps)
def isShapeCompatible(self, r: "LongArrayND") -> "bool":
return _npstat.LongArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "LongArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.LongArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "long *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.LongArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "LongArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.LongArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "long const *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.LongArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< long,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< long > &":
return _npstat.LongArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< long >":
return _npstat.LongArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< long >":
return _npstat.LongArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "LongArrayND") -> "void":
return _npstat.LongArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "LongArrayND") -> "void":
return _npstat.LongArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "LongArrayND") -> "void":
return _npstat.LongArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "LongArrayND") -> "void":
return _npstat.LongArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "LongArrayND") -> "void":
return _npstat.LongArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.LongArrayND_swiginit(self, _npstat.new_LongArrayND(*args))
# Register LongArrayND in _npstat:
_npstat.LongArrayND_swigregister(LongArrayND)
def LongArrayND_classname() -> "char const *":
return _npstat.LongArrayND_classname()
def LongArrayND_version() -> "unsigned int":
return _npstat.LongArrayND_version()
def LongArrayND_restore(id: "ClassId", _in: "istream", array: "LongArrayND") -> "void":
return _npstat.LongArrayND_restore(id, _in, array)
class ArchiveRecord_LongArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LongArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LongArrayND_swiginit(self, _npstat.new_ArchiveRecord_LongArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LongArrayND
# Register ArchiveRecord_LongArrayND in _npstat:
_npstat.ArchiveRecord_LongArrayND_swigregister(ArchiveRecord_LongArrayND)
class Ref_LongArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LongArrayND_swiginit(self, _npstat.new_Ref_LongArrayND(*args))
def restore(self, index: "unsigned long", obj: "LongArrayND") -> "void":
return _npstat.Ref_LongArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< long,1U,10U > *":
return _npstat.Ref_LongArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< long,1U,10U >":
return _npstat.Ref_LongArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LongArrayND
# Register Ref_LongArrayND in _npstat:
_npstat.Ref_LongArrayND_swigregister(Ref_LongArrayND)
class FloatArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatArrayND
def uninitialize(self) -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_reshape(self, *args)
def valueAt(self, *args) -> "float const &":
return _npstat.FloatArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "float const &":
return _npstat.FloatArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.FloatArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.FloatArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.FloatArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.FloatArrayND_length(self)
def data(self) -> "float const *":
return _npstat.FloatArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.FloatArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.FloatArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.FloatArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.FloatArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.FloatArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.FloatArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.FloatArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.FloatArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.FloatArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.FloatArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.FloatArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "float const &":
return _npstat.FloatArrayND_closestPtr(self, *args)
def interpolate1(self, x: "double const *") -> "float":
return _npstat.FloatArrayND_interpolate1(self, x)
def interpolate3(self, x: "double const *") -> "float":
return _npstat.FloatArrayND_interpolate3(self, x)
def constFill(self, c: "float") -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_clear(self)
def linearFill(self, coeff: "double const *", coeffLen: "unsigned int", c: "double") -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_linearFill(self, coeff, coeffLen, c)
def makeUnit(self) -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_makeUnit(self)
def makeNonNegative(self) -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_makeNonNegative(self)
def makeCopulaSteps(self, tolerance: "double", maxIterations: "unsigned int") -> "unsigned int":
return _npstat.FloatArrayND_makeCopulaSteps(self, tolerance, maxIterations)
def isCompatible(self, *args) -> "bool":
return _npstat.FloatArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.FloatArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "float const &":
return _npstat.FloatArrayND_ptr(self, *args)
def clPtr(self, *args) -> "float const &":
return _npstat.FloatArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.FloatArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "FloatArrayND") -> "void":
return _npstat.FloatArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "float") -> "void":
return _npstat.FloatArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "float":
return _npstat.FloatArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "float") -> "void":
return _npstat.FloatArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "float":
return _npstat.FloatArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "float") -> "void":
return _npstat.FloatArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "float const":
return _npstat.FloatArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.FloatArrayND_set(self, *args)
def __call__(self, *args) -> "float":
return _npstat.FloatArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.FloatArrayND_setCl(self, *args)
def cl(self, *args) -> "float":
return _npstat.FloatArrayND_cl(self, *args)
def setData(self, data: "float const *", dataLength: "unsigned long") -> "void":
return _npstat.FloatArrayND_setData(self, data, dataLength)
def maxAbsDifference(self, r: "FloatArrayND") -> "double":
return _npstat.FloatArrayND_maxAbsDifference(self, r)
def __eq__(self, r: "FloatArrayND") -> "bool":
return _npstat.FloatArrayND___eq__(self, r)
def __ne__(self, r: "FloatArrayND") -> "bool":
return _npstat.FloatArrayND___ne__(self, r)
def __add__(self, r: "FloatArrayND") -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND___add__(self, r)
def __sub__(self, r: "FloatArrayND") -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND___sub__(self, r)
def __mul__(self, *args) -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND___mul__(self, *args)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND___rmul__(self, r)
def __div__(self, *args) -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND___div__(self, *args)
def __iadd__(self, r: "FloatArrayND") -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND___iadd__(self, r)
def __isub__(self, r: "FloatArrayND") -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND___isub__(self, r)
def __imul__(self, *args) -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND___imul__(self, *args)
def __idiv__(self, *args) -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND___idiv__(self, *args)
def addmul(self, r: "FloatArrayND", c: "double const") -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_addmul(self, r, c)
def outer(self, r: "FloatArrayND") -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND_outer(self, r)
def dot(self, r: "FloatArrayND") -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND_dot(self, r)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< float,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "float":
return _npstat.FloatArrayND_sum(self)
def sumsq(self) -> "double":
return _npstat.FloatArrayND_sumsq(self)
def derivative(self, scale: "double"=1.0) -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND_derivative(self, scale)
def cdfArray(self, scale: "double"=1.0) -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND_cdfArray(self, scale)
def cdfValue(self, indexS: "unsigned int const *") -> "float":
return _npstat.FloatArrayND_cdfValue(self, indexS)
def convertToLastDimCdf(self, sumSlice: "FloatArrayND", b: "bool") -> "void":
return _npstat.FloatArrayND_convertToLastDimCdf(self, sumSlice, b)
def isClose(self, r: "FloatArrayND", eps: "double") -> "bool":
return _npstat.FloatArrayND_isClose(self, r, eps)
def isShapeCompatible(self, r: "FloatArrayND") -> "bool":
return _npstat.FloatArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "FloatArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.FloatArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "float *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.FloatArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "FloatArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.FloatArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "float const *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.FloatArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< float,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< float >":
return _npstat.FloatArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "FloatArrayND") -> "void":
return _npstat.FloatArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "FloatArrayND") -> "void":
return _npstat.FloatArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "FloatArrayND") -> "void":
return _npstat.FloatArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "FloatArrayND") -> "void":
return _npstat.FloatArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "FloatArrayND") -> "void":
return _npstat.FloatArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.FloatArrayND_swiginit(self, _npstat.new_FloatArrayND(*args))
def functorFill(self, *args) -> "npstat::ArrayND< float > &":
return _npstat.FloatArrayND_functorFill(self, *args)
# Register FloatArrayND in _npstat:
_npstat.FloatArrayND_swigregister(FloatArrayND)
def FloatArrayND_classname() -> "char const *":
return _npstat.FloatArrayND_classname()
def FloatArrayND_version() -> "unsigned int":
return _npstat.FloatArrayND_version()
def FloatArrayND_restore(id: "ClassId", _in: "istream", array: "FloatArrayND") -> "void":
return _npstat.FloatArrayND_restore(id, _in, array)
class ArchiveRecord_FloatArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatArrayND_swiginit(self, _npstat.new_ArchiveRecord_FloatArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatArrayND
# Register ArchiveRecord_FloatArrayND in _npstat:
_npstat.ArchiveRecord_FloatArrayND_swigregister(ArchiveRecord_FloatArrayND)
class Ref_FloatArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatArrayND_swiginit(self, _npstat.new_Ref_FloatArrayND(*args))
def restore(self, index: "unsigned long", obj: "FloatArrayND") -> "void":
return _npstat.Ref_FloatArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< float,1U,10U > *":
return _npstat.Ref_FloatArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< float,1U,10U >":
return _npstat.Ref_FloatArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatArrayND
# Register Ref_FloatArrayND in _npstat:
_npstat.Ref_FloatArrayND_swigregister(Ref_FloatArrayND)
class DoubleArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleArrayND
def uninitialize(self) -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_reshape(self, *args)
def valueAt(self, *args) -> "double const &":
return _npstat.DoubleArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "double const &":
return _npstat.DoubleArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.DoubleArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.DoubleArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.DoubleArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.DoubleArrayND_length(self)
def data(self) -> "double const *":
return _npstat.DoubleArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.DoubleArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.DoubleArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DoubleArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.DoubleArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.DoubleArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.DoubleArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.DoubleArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.DoubleArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.DoubleArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.DoubleArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.DoubleArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "double const &":
return _npstat.DoubleArrayND_closestPtr(self, *args)
def interpolate1(self, x: "double const *") -> "double":
return _npstat.DoubleArrayND_interpolate1(self, x)
def interpolate3(self, x: "double const *") -> "double":
return _npstat.DoubleArrayND_interpolate3(self, x)
def constFill(self, c: "double") -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_clear(self)
def linearFill(self, coeff: "double const *", coeffLen: "unsigned int", c: "double") -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_linearFill(self, coeff, coeffLen, c)
def makeUnit(self) -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_makeUnit(self)
def makeNonNegative(self) -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_makeNonNegative(self)
def makeCopulaSteps(self, tolerance: "double", maxIterations: "unsigned int") -> "unsigned int":
return _npstat.DoubleArrayND_makeCopulaSteps(self, tolerance, maxIterations)
def isCompatible(self, *args) -> "bool":
return _npstat.DoubleArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.DoubleArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "double const &":
return _npstat.DoubleArrayND_ptr(self, *args)
def clPtr(self, *args) -> "double const &":
return _npstat.DoubleArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "DoubleArrayND") -> "void":
return _npstat.DoubleArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "double") -> "void":
return _npstat.DoubleArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "double":
return _npstat.DoubleArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "double") -> "void":
return _npstat.DoubleArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "double":
return _npstat.DoubleArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "double") -> "void":
return _npstat.DoubleArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "double const":
return _npstat.DoubleArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.DoubleArrayND_set(self, *args)
def __call__(self, *args) -> "double":
return _npstat.DoubleArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.DoubleArrayND_setCl(self, *args)
def cl(self, *args) -> "double":
return _npstat.DoubleArrayND_cl(self, *args)
def setData(self, data: "double const *", dataLength: "unsigned long") -> "void":
return _npstat.DoubleArrayND_setData(self, data, dataLength)
def maxAbsDifference(self, r: "DoubleArrayND") -> "double":
return _npstat.DoubleArrayND_maxAbsDifference(self, r)
def __eq__(self, r: "DoubleArrayND") -> "bool":
return _npstat.DoubleArrayND___eq__(self, r)
def __ne__(self, r: "DoubleArrayND") -> "bool":
return _npstat.DoubleArrayND___ne__(self, r)
def __add__(self, r: "DoubleArrayND") -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND___add__(self, r)
def __sub__(self, r: "DoubleArrayND") -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND___sub__(self, r)
def __mul__(self, *args) -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND___mul__(self, *args)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND___rmul__(self, r)
def __div__(self, *args) -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND___div__(self, *args)
def __iadd__(self, r: "DoubleArrayND") -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND___iadd__(self, r)
def __isub__(self, r: "DoubleArrayND") -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND___isub__(self, r)
def __imul__(self, *args) -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND___imul__(self, *args)
def __idiv__(self, *args) -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND___idiv__(self, *args)
def addmul(self, r: "DoubleArrayND", c: "double const") -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_addmul(self, r, c)
def outer(self, r: "DoubleArrayND") -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND_outer(self, r)
def dot(self, r: "DoubleArrayND") -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND_dot(self, r)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< double,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "double":
return _npstat.DoubleArrayND_sum(self)
def sumsq(self) -> "double":
return _npstat.DoubleArrayND_sumsq(self)
def derivative(self, scale: "double"=1.0) -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND_derivative(self, scale)
def cdfArray(self, scale: "double"=1.0) -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND_cdfArray(self, scale)
def cdfValue(self, indexS: "unsigned int const *") -> "double":
return _npstat.DoubleArrayND_cdfValue(self, indexS)
def convertToLastDimCdf(self, sumSlice: "DoubleArrayND", b: "bool") -> "void":
return _npstat.DoubleArrayND_convertToLastDimCdf(self, sumSlice, b)
def isClose(self, r: "DoubleArrayND", eps: "double") -> "bool":
return _npstat.DoubleArrayND_isClose(self, r, eps)
def isShapeCompatible(self, r: "DoubleArrayND") -> "bool":
return _npstat.DoubleArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "DoubleArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.DoubleArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "double *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.DoubleArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "DoubleArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.DoubleArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "double const *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.DoubleArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< double,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< double >":
return _npstat.DoubleArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "DoubleArrayND") -> "void":
return _npstat.DoubleArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "DoubleArrayND") -> "void":
return _npstat.DoubleArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "DoubleArrayND") -> "void":
return _npstat.DoubleArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "DoubleArrayND") -> "void":
return _npstat.DoubleArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "DoubleArrayND") -> "void":
return _npstat.DoubleArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.DoubleArrayND_swiginit(self, _npstat.new_DoubleArrayND(*args))
def functorFill(self, *args) -> "npstat::ArrayND< double > &":
return _npstat.DoubleArrayND_functorFill(self, *args)
# Register DoubleArrayND in _npstat:
_npstat.DoubleArrayND_swigregister(DoubleArrayND)
def DoubleArrayND_classname() -> "char const *":
return _npstat.DoubleArrayND_classname()
def DoubleArrayND_version() -> "unsigned int":
return _npstat.DoubleArrayND_version()
def DoubleArrayND_restore(id: "ClassId", _in: "istream", array: "DoubleArrayND") -> "void":
return _npstat.DoubleArrayND_restore(id, _in, array)
class ArchiveRecord_DoubleArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleArrayND_swiginit(self, _npstat.new_ArchiveRecord_DoubleArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleArrayND
# Register ArchiveRecord_DoubleArrayND in _npstat:
_npstat.ArchiveRecord_DoubleArrayND_swigregister(ArchiveRecord_DoubleArrayND)
class Ref_DoubleArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleArrayND_swiginit(self, _npstat.new_Ref_DoubleArrayND(*args))
def restore(self, index: "unsigned long", obj: "DoubleArrayND") -> "void":
return _npstat.Ref_DoubleArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< double,1U,10U > *":
return _npstat.Ref_DoubleArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< double,1U,10U >":
return _npstat.Ref_DoubleArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleArrayND
# Register Ref_DoubleArrayND in _npstat:
_npstat.Ref_DoubleArrayND_swigregister(Ref_DoubleArrayND)
class CFloatArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_CFloatArrayND
def uninitialize(self) -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_reshape(self, *args)
def valueAt(self, *args) -> "std::complex< float > const &":
return _npstat.CFloatArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "std::complex< float > const &":
return _npstat.CFloatArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.CFloatArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.CFloatArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.CFloatArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.CFloatArrayND_length(self)
def data(self) -> "std::complex< float > const *":
return _npstat.CFloatArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.CFloatArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.CFloatArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.CFloatArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.CFloatArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.CFloatArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.CFloatArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.CFloatArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.CFloatArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.CFloatArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.CFloatArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.CFloatArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "std::complex< float > const &":
return _npstat.CFloatArrayND_closestPtr(self, *args)
def interpolate1(self, x: "double const *") -> "std::complex< float >":
return _npstat.CFloatArrayND_interpolate1(self, x)
def interpolate3(self, x: "double const *") -> "std::complex< float >":
return _npstat.CFloatArrayND_interpolate3(self, x)
def constFill(self, c: "std::complex< float >") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_clear(self)
def linearFill(self, coeff: "double const *", coeffLen: "unsigned int", c: "double") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_linearFill(self, coeff, coeffLen, c)
def makeUnit(self) -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_makeUnit(self)
def makeNonNegative(self) -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_makeNonNegative(self)
def makeCopulaSteps(self, tolerance: "double", maxIterations: "unsigned int") -> "unsigned int":
return _npstat.CFloatArrayND_makeCopulaSteps(self, tolerance, maxIterations)
def isCompatible(self, *args) -> "bool":
return _npstat.CFloatArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.CFloatArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "std::complex< float > const &":
return _npstat.CFloatArrayND_ptr(self, *args)
def clPtr(self, *args) -> "std::complex< float > const &":
return _npstat.CFloatArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.CFloatArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.CFloatArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.CFloatArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.CFloatArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "CFloatArrayND") -> "void":
return _npstat.CFloatArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "std::complex< float >") -> "void":
return _npstat.CFloatArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "std::complex< float >":
return _npstat.CFloatArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "std::complex< float >") -> "void":
return _npstat.CFloatArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "std::complex< float >":
return _npstat.CFloatArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "std::complex< float >") -> "void":
return _npstat.CFloatArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "std::complex< float > const":
return _npstat.CFloatArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.CFloatArrayND_set(self, *args)
def __call__(self, *args) -> "std::complex< float >":
return _npstat.CFloatArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.CFloatArrayND_setCl(self, *args)
def cl(self, *args) -> "std::complex< float >":
return _npstat.CFloatArrayND_cl(self, *args)
def setData(self, data: "std::complex< float > const *", dataLength: "unsigned long") -> "void":
return _npstat.CFloatArrayND_setData(self, data, dataLength)
def maxAbsDifference(self, r: "CFloatArrayND") -> "double":
return _npstat.CFloatArrayND_maxAbsDifference(self, r)
def __eq__(self, r: "CFloatArrayND") -> "bool":
return _npstat.CFloatArrayND___eq__(self, r)
def __ne__(self, r: "CFloatArrayND") -> "bool":
return _npstat.CFloatArrayND___ne__(self, r)
def __add__(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND___add__(self, r)
def __sub__(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND___sub__(self, r)
def arrmul2(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_arrmul2(self, r)
def arrdiv2(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_arrdiv2(self, r)
def __mul__(self, r: "double const") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND___mul__(self, r)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND___rmul__(self, r)
def __div__(self, r: "double const") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND___div__(self, r)
def iarrmul2(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_iarrmul2(self, r)
def iarrdiv2(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_iarrdiv2(self, r)
def __iadd__(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND___iadd__(self, r)
def __isub__(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND___isub__(self, r)
def __imul__(self, r: "double const") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND___idiv__(self, r)
def addmul(self, r: "CFloatArrayND", c: "double const") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_addmul(self, r, c)
def outer(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_outer(self, r)
def dot(self, r: "CFloatArrayND") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_dot(self, r)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< std::complex< float >,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "std::complex< float >":
return _npstat.CFloatArrayND_sum(self)
def sumsq(self) -> "double":
return _npstat.CFloatArrayND_sumsq(self)
def derivative(self, scale: "double"=1.0) -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_derivative(self, scale)
def cdfArray(self, scale: "double"=1.0) -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_cdfArray(self, scale)
def cdfValue(self, indexS: "unsigned int const *") -> "std::complex< float >":
return _npstat.CFloatArrayND_cdfValue(self, indexS)
def convertToLastDimCdf(self, sumSlice: "CFloatArrayND", b: "bool") -> "void":
return _npstat.CFloatArrayND_convertToLastDimCdf(self, sumSlice, b)
def isClose(self, r: "CFloatArrayND", eps: "double") -> "bool":
return _npstat.CFloatArrayND_isClose(self, r, eps)
def isShapeCompatible(self, r: "CFloatArrayND") -> "bool":
return _npstat.CFloatArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "CFloatArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.CFloatArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "std::complex< float > *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.CFloatArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "CFloatArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.CFloatArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "std::complex< float > const *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.CFloatArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< std::complex< float >,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< std::complex< float > > &":
return _npstat.CFloatArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< std::complex< float > >":
return _npstat.CFloatArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "CFloatArrayND") -> "void":
return _npstat.CFloatArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "CFloatArrayND") -> "void":
return _npstat.CFloatArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "CFloatArrayND") -> "void":
return _npstat.CFloatArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "CFloatArrayND") -> "void":
return _npstat.CFloatArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "CFloatArrayND") -> "void":
return _npstat.CFloatArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.CFloatArrayND_swiginit(self, _npstat.new_CFloatArrayND(*args))
# Register CFloatArrayND in _npstat:
_npstat.CFloatArrayND_swigregister(CFloatArrayND)
def CFloatArrayND_classname() -> "char const *":
return _npstat.CFloatArrayND_classname()
def CFloatArrayND_version() -> "unsigned int":
return _npstat.CFloatArrayND_version()
def CFloatArrayND_restore(id: "ClassId", _in: "istream", array: "CFloatArrayND") -> "void":
return _npstat.CFloatArrayND_restore(id, _in, array)
class CDoubleArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_CDoubleArrayND
def uninitialize(self) -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_reshape(self, *args)
def valueAt(self, *args) -> "std::complex< double > const &":
return _npstat.CDoubleArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "std::complex< double > const &":
return _npstat.CDoubleArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.CDoubleArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.CDoubleArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.CDoubleArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.CDoubleArrayND_length(self)
def data(self) -> "std::complex< double > const *":
return _npstat.CDoubleArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.CDoubleArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.CDoubleArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.CDoubleArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.CDoubleArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.CDoubleArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.CDoubleArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.CDoubleArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.CDoubleArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.CDoubleArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.CDoubleArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.CDoubleArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND___pos__(self)
def contract(self, pos1: "unsigned int", pos2: "unsigned int") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_contract(self, pos1, pos2)
def transpose(self, *args) -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "std::complex< double > const &":
return _npstat.CDoubleArrayND_closestPtr(self, *args)
def interpolate1(self, x: "double const *") -> "std::complex< double >":
return _npstat.CDoubleArrayND_interpolate1(self, x)
def interpolate3(self, x: "double const *") -> "std::complex< double >":
return _npstat.CDoubleArrayND_interpolate3(self, x)
def constFill(self, c: "std::complex< double >") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_clear(self)
def linearFill(self, coeff: "double const *", coeffLen: "unsigned int", c: "double") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_linearFill(self, coeff, coeffLen, c)
def makeUnit(self) -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_makeUnit(self)
def makeNonNegative(self) -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_makeNonNegative(self)
def makeCopulaSteps(self, tolerance: "double", maxIterations: "unsigned int") -> "unsigned int":
return _npstat.CDoubleArrayND_makeCopulaSteps(self, tolerance, maxIterations)
def isCompatible(self, *args) -> "bool":
return _npstat.CDoubleArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.CDoubleArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "std::complex< double > const &":
return _npstat.CDoubleArrayND_ptr(self, *args)
def clPtr(self, *args) -> "std::complex< double > const &":
return _npstat.CDoubleArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.CDoubleArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.CDoubleArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.CDoubleArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.CDoubleArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "CDoubleArrayND") -> "void":
return _npstat.CDoubleArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", v: "std::complex< double >") -> "void":
return _npstat.CDoubleArrayND_setValue(self, indexS, v)
def value(self, indexS: "unsigned int const *") -> "std::complex< double >":
return _npstat.CDoubleArrayND_value(self, indexS)
def setLinearValue(self, index: "unsigned long", v: "std::complex< double >") -> "void":
return _npstat.CDoubleArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "std::complex< double >":
return _npstat.CDoubleArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", v: "std::complex< double >") -> "void":
return _npstat.CDoubleArrayND_setClosest(self, x, v)
def closest(self, x: "double const *") -> "std::complex< double > const":
return _npstat.CDoubleArrayND_closest(self, x)
def set(self, *args) -> "void":
return _npstat.CDoubleArrayND_set(self, *args)
def __call__(self, *args) -> "std::complex< double >":
return _npstat.CDoubleArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.CDoubleArrayND_setCl(self, *args)
def cl(self, *args) -> "std::complex< double >":
return _npstat.CDoubleArrayND_cl(self, *args)
def setData(self, data: "std::complex< double > const *", dataLength: "unsigned long") -> "void":
return _npstat.CDoubleArrayND_setData(self, data, dataLength)
def maxAbsDifference(self, r: "CDoubleArrayND") -> "double":
return _npstat.CDoubleArrayND_maxAbsDifference(self, r)
def __eq__(self, r: "CDoubleArrayND") -> "bool":
return _npstat.CDoubleArrayND___eq__(self, r)
def __ne__(self, r: "CDoubleArrayND") -> "bool":
return _npstat.CDoubleArrayND___ne__(self, r)
def __add__(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND___add__(self, r)
def __sub__(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND___sub__(self, r)
def arrmul2(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_arrmul2(self, r)
def arrdiv2(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_arrdiv2(self, r)
def __mul__(self, r: "double const") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND___mul__(self, r)
def __rmul__(self, r: "double const") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND___rmul__(self, r)
def __div__(self, r: "double const") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND___div__(self, r)
def iarrmul2(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_iarrmul2(self, r)
def iarrdiv2(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_iarrdiv2(self, r)
def __iadd__(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND___iadd__(self, r)
def __isub__(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND___isub__(self, r)
def __imul__(self, r: "double const") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND___idiv__(self, r)
def addmul(self, r: "CDoubleArrayND", c: "double const") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_addmul(self, r, c)
def outer(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_outer(self, r)
def dot(self, r: "CDoubleArrayND") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_dot(self, r)
def marginalize(self, r: "npstat::ArrayND< npstat::ArrayND< std::complex< double >,1U,10U >::proper_double > const &", indexMapX: "unsigned int const *") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_marginalize(self, r, indexMapX)
def sum(self) -> "std::complex< double >":
return _npstat.CDoubleArrayND_sum(self)
def sumsq(self) -> "double":
return _npstat.CDoubleArrayND_sumsq(self)
def derivative(self, scale: "double"=1.0) -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_derivative(self, scale)
def cdfArray(self, scale: "double"=1.0) -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_cdfArray(self, scale)
def cdfValue(self, indexS: "unsigned int const *") -> "std::complex< double >":
return _npstat.CDoubleArrayND_cdfValue(self, indexS)
def convertToLastDimCdf(self, sumSlice: "CDoubleArrayND", b: "bool") -> "void":
return _npstat.CDoubleArrayND_convertToLastDimCdf(self, sumSlice, b)
def isClose(self, r: "CDoubleArrayND", eps: "double") -> "bool":
return _npstat.CDoubleArrayND_isClose(self, r, eps)
def isShapeCompatible(self, r: "CDoubleArrayND") -> "bool":
return _npstat.CDoubleArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "CDoubleArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.CDoubleArrayND_exportSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def exportMemSlice(self, slice: "std::complex< double > *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.CDoubleArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "CDoubleArrayND", fixedIndicesS: "unsigned int const *", fixedIndexValuesS: "unsigned int const *") -> "void":
return _npstat.CDoubleArrayND_importSlice(self, slice, fixedIndicesS, fixedIndexValuesS)
def importMemSlice(self, slice: "std::complex< double > const *", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.CDoubleArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def multiplyBySlice(self, slice: "npstat::ArrayND< npstat::ArrayND< std::complex< double >,1U,10U >::proper_double > const &", fixedIndicesS: "unsigned int const *") -> "npstat::ArrayND< std::complex< double > > &":
return _npstat.CDoubleArrayND_multiplyBySlice(self, slice, fixedIndicesS)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *") -> "npstat::ArrayND< std::complex< double > >":
return _npstat.CDoubleArrayND_slice(self, indexS)
def rotate(self, shiftsX: "unsigned int const *", rotated: "CDoubleArrayND") -> "void":
return _npstat.CDoubleArrayND_rotate(self, shiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrored: "CDoubleArrayND") -> "void":
return _npstat.CDoubleArrayND_mirror(self, mirrorDims, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", to: "CDoubleArrayND") -> "void":
return _npstat.CDoubleArrayND_exportSubrange(self, cornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", _from: "CDoubleArrayND") -> "void":
return _npstat.CDoubleArrayND_importSubrange(self, cornerS, _from)
def multiMirror(self, out: "CDoubleArrayND") -> "void":
return _npstat.CDoubleArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.CDoubleArrayND_swiginit(self, _npstat.new_CDoubleArrayND(*args))
# Register CDoubleArrayND in _npstat:
_npstat.CDoubleArrayND_swigregister(CDoubleArrayND)
def CDoubleArrayND_classname() -> "char const *":
return _npstat.CDoubleArrayND_classname()
def CDoubleArrayND_version() -> "unsigned int":
return _npstat.CDoubleArrayND_version()
def CDoubleArrayND_restore(id: "ClassId", _in: "istream", array: "CDoubleArrayND") -> "void":
return _npstat.CDoubleArrayND_restore(id, _in, array)
class ArchiveRecord_CFloatArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "CFloatArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_CFloatArrayND_swiginit(self, _npstat.new_ArchiveRecord_CFloatArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_CFloatArrayND
# Register ArchiveRecord_CFloatArrayND in _npstat:
_npstat.ArchiveRecord_CFloatArrayND_swigregister(ArchiveRecord_CFloatArrayND)
class Ref_CFloatArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CFloatArrayND_swiginit(self, _npstat.new_Ref_CFloatArrayND(*args))
def restore(self, index: "unsigned long", obj: "CFloatArrayND") -> "void":
return _npstat.Ref_CFloatArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< std::complex< float >,1U,10U > *":
return _npstat.Ref_CFloatArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< std::complex< float >,1U,10U >":
return _npstat.Ref_CFloatArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CFloatArrayND
# Register Ref_CFloatArrayND in _npstat:
_npstat.Ref_CFloatArrayND_swigregister(Ref_CFloatArrayND)
class ArchiveRecord_CDoubleArrayND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "CDoubleArrayND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_CDoubleArrayND_swiginit(self, _npstat.new_ArchiveRecord_CDoubleArrayND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_CDoubleArrayND
# Register ArchiveRecord_CDoubleArrayND in _npstat:
_npstat.ArchiveRecord_CDoubleArrayND_swigregister(ArchiveRecord_CDoubleArrayND)
class Ref_CDoubleArrayND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CDoubleArrayND_swiginit(self, _npstat.new_Ref_CDoubleArrayND(*args))
def restore(self, index: "unsigned long", obj: "CDoubleArrayND") -> "void":
return _npstat.Ref_CDoubleArrayND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ArrayND< std::complex< double >,1U,10U > *":
return _npstat.Ref_CDoubleArrayND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ArrayND< std::complex< double >,1U,10U >":
return _npstat.Ref_CDoubleArrayND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CDoubleArrayND
# Register Ref_CDoubleArrayND in _npstat:
_npstat.Ref_CDoubleArrayND_swigregister(Ref_CDoubleArrayND)
class OrthoPoly1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.OrthoPoly1D_swiginit(self, _npstat.new_OrthoPoly1D(*args))
__swig_destroy__ = _npstat.delete_OrthoPoly1D
def length(self) -> "unsigned int":
return _npstat.OrthoPoly1D_length(self)
def maxDegree(self) -> "unsigned int":
return _npstat.OrthoPoly1D_maxDegree(self)
def step(self) -> "double":
return _npstat.OrthoPoly1D_step(self)
def __eq__(self, r: "OrthoPoly1D") -> "bool":
return _npstat.OrthoPoly1D___eq__(self, r)
def __ne__(self, r: "OrthoPoly1D") -> "bool":
return _npstat.OrthoPoly1D___ne__(self, r)
def weight(self, index: "unsigned int") -> "double":
return _npstat.OrthoPoly1D_weight(self, index)
def poly(self, deg: "unsigned int", index: "unsigned int") -> "double":
return _npstat.OrthoPoly1D_poly(self, deg, index)
def polyTimesWeight(self, deg: "unsigned int", index: "unsigned int") -> "double":
return _npstat.OrthoPoly1D_polyTimesWeight(self, deg, index)
def empiricalKroneckerDelta(self, deg1: "unsigned int", deg2: "unsigned int") -> "double":
return _npstat.OrthoPoly1D_empiricalKroneckerDelta(self, deg1, deg2)
def weightExpansionCovariance(self, deg1: "unsigned int", deg2: "unsigned int") -> "double":
return _npstat.OrthoPoly1D_weightExpansionCovariance(self, deg1, deg2)
def unweightedPolyProduct(self, deg1: "unsigned int", deg2: "unsigned int") -> "double":
return _npstat.OrthoPoly1D_unweightedPolyProduct(self, deg1, deg2)
def globalFilter(self, coeffs: "double const *") -> "npstat::Matrix< double > *":
return _npstat.OrthoPoly1D_globalFilter(self, coeffs)
def globalFilterDiag(self, coeffs: "double const *", expansion: "double *") -> "void":
return _npstat.OrthoPoly1D_globalFilterDiag(self, coeffs, expansion)
def calculateCoeffs(self, data: "double const *", expansion: "double *") -> "void":
return _npstat.OrthoPoly1D_calculateCoeffs(self, data, expansion)
def densityCoeffs(self, data: "double const *", expansion: "double *") -> "void":
return _npstat.OrthoPoly1D_densityCoeffs(self, data, expansion)
def densityCoeffsVariance(self, data: "double const *", expansion: "double *", effectiveSampleSize: "double") -> "void":
return _npstat.OrthoPoly1D_densityCoeffsVariance(self, data, expansion, effectiveSampleSize)
def allSeries(self, coeffs: "double const *", expansion: "double *", makeNonNegative: "bool const"=False) -> "void":
return _npstat.OrthoPoly1D_allSeries(self, coeffs, expansion, makeNonNegative)
def series(self, coeffs: "double const *", index: "unsigned int") -> "double":
return _npstat.OrthoPoly1D_series(self, coeffs, index)
def weightExpansionCoeffs(self, coeffs: "double *", maxdeg: "unsigned int") -> "void":
return _npstat.OrthoPoly1D_weightExpansionCoeffs(self, coeffs, maxdeg)
# Register OrthoPoly1D in _npstat:
_npstat.OrthoPoly1D_swigregister(OrthoPoly1D)
def definiteIntegral_1(a: "double", b: "double", xmin: "double", xmax: "double") -> "double":
return _npstat.definiteIntegral_1(a, b, xmin, xmax)
class LegendreOrthoPoly1D(AbsClassicalOrthoPoly1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def clone(self) -> "npstat::LegendreOrthoPoly1D *":
return _npstat.LegendreOrthoPoly1D_clone(self)
__swig_destroy__ = _npstat.delete_LegendreOrthoPoly1D
def xmin(self) -> "double":
return _npstat.LegendreOrthoPoly1D_xmin(self)
def xmax(self) -> "double":
return _npstat.LegendreOrthoPoly1D_xmax(self)
def __init__(self):
_npstat.LegendreOrthoPoly1D_swiginit(self, _npstat.new_LegendreOrthoPoly1D())
# Register LegendreOrthoPoly1D in _npstat:
_npstat.LegendreOrthoPoly1D_swigregister(LegendreOrthoPoly1D)
class ShiftedLegendreOrthoPoly1D(AbsClassicalOrthoPoly1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
def clone(self) -> "npstat::ShiftedLegendreOrthoPoly1D *":
return _npstat.ShiftedLegendreOrthoPoly1D_clone(self)
__swig_destroy__ = _npstat.delete_ShiftedLegendreOrthoPoly1D
def xmin(self) -> "double":
return _npstat.ShiftedLegendreOrthoPoly1D_xmin(self)
def xmax(self) -> "double":
return _npstat.ShiftedLegendreOrthoPoly1D_xmax(self)
# Register ShiftedLegendreOrthoPoly1D in _npstat:
_npstat.ShiftedLegendreOrthoPoly1D_swigregister(ShiftedLegendreOrthoPoly1D)
class JacobiOrthoPoly1D(AbsClassicalOrthoPoly1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, alpha: "double", beta: "double"):
_npstat.JacobiOrthoPoly1D_swiginit(self, _npstat.new_JacobiOrthoPoly1D(alpha, beta))
def clone(self) -> "npstat::JacobiOrthoPoly1D *":
return _npstat.JacobiOrthoPoly1D_clone(self)
__swig_destroy__ = _npstat.delete_JacobiOrthoPoly1D
def alpha(self) -> "double":
return _npstat.JacobiOrthoPoly1D_alpha(self)
def beta(self) -> "double":
return _npstat.JacobiOrthoPoly1D_beta(self)
def xmin(self) -> "double":
return _npstat.JacobiOrthoPoly1D_xmin(self)
def xmax(self) -> "double":
return _npstat.JacobiOrthoPoly1D_xmax(self)
# Register JacobiOrthoPoly1D in _npstat:
_npstat.JacobiOrthoPoly1D_swigregister(JacobiOrthoPoly1D)
class ChebyshevOrthoPoly1st(AbsClassicalOrthoPoly1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
def clone(self) -> "npstat::ChebyshevOrthoPoly1st *":
return _npstat.ChebyshevOrthoPoly1st_clone(self)
__swig_destroy__ = _npstat.delete_ChebyshevOrthoPoly1st
def xmin(self) -> "double":
return _npstat.ChebyshevOrthoPoly1st_xmin(self)
def xmax(self) -> "double":
return _npstat.ChebyshevOrthoPoly1st_xmax(self)
# Register ChebyshevOrthoPoly1st in _npstat:
_npstat.ChebyshevOrthoPoly1st_swigregister(ChebyshevOrthoPoly1st)
class ChebyshevOrthoPoly2nd(AbsClassicalOrthoPoly1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
def clone(self) -> "npstat::ChebyshevOrthoPoly2nd *":
return _npstat.ChebyshevOrthoPoly2nd_clone(self)
__swig_destroy__ = _npstat.delete_ChebyshevOrthoPoly2nd
def xmin(self) -> "double":
return _npstat.ChebyshevOrthoPoly2nd_xmin(self)
def xmax(self) -> "double":
return _npstat.ChebyshevOrthoPoly2nd_xmax(self)
# Register ChebyshevOrthoPoly2nd in _npstat:
_npstat.ChebyshevOrthoPoly2nd_swigregister(ChebyshevOrthoPoly2nd)
class HermiteProbOrthoPoly1D(AbsClassicalOrthoPoly1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
def clone(self) -> "npstat::HermiteProbOrthoPoly1D *":
return _npstat.HermiteProbOrthoPoly1D_clone(self)
__swig_destroy__ = _npstat.delete_HermiteProbOrthoPoly1D
def xmin(self) -> "double":
return _npstat.HermiteProbOrthoPoly1D_xmin(self)
def xmax(self) -> "double":
return _npstat.HermiteProbOrthoPoly1D_xmax(self)
# Register HermiteProbOrthoPoly1D in _npstat:
_npstat.HermiteProbOrthoPoly1D_swigregister(HermiteProbOrthoPoly1D)
class UniformAxis(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def nCoords(self) -> "unsigned int":
return _npstat.UniformAxis_nCoords(self)
def min(self) -> "double":
return _npstat.UniformAxis_min(self)
def max(self) -> "double":
return _npstat.UniformAxis_max(self)
def label(self) -> "std::string const &":
return _npstat.UniformAxis_label(self)
def usesLogSpace(self) -> "bool":
return _npstat.UniformAxis_usesLogSpace(self)
def getInterval(self, coordinate: "double") -> "std::pair< unsigned int,double >":
return _npstat.UniformAxis_getInterval(self, coordinate)
def linearInterval(self, coordinate: "double") -> "std::pair< unsigned int,double >":
return _npstat.UniformAxis_linearInterval(self, coordinate)
def coords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UniformAxis_coords(self)
def coordinate(self, i: "unsigned int") -> "double":
return _npstat.UniformAxis_coordinate(self, i)
def length(self) -> "double":
return _npstat.UniformAxis_length(self)
def isUniform(self) -> "bool":
return _npstat.UniformAxis_isUniform(self)
def nIntervals(self) -> "unsigned int":
return _npstat.UniformAxis_nIntervals(self)
def intervalWidth(self, arg2: "unsigned int") -> "double":
return _npstat.UniformAxis_intervalWidth(self, arg2)
def __eq__(self, r: "UniformAxis") -> "bool":
return _npstat.UniformAxis___eq__(self, r)
def __ne__(self, r: "UniformAxis") -> "bool":
return _npstat.UniformAxis___ne__(self, r)
def isClose(self, r: "UniformAxis", tol: "double") -> "bool":
return _npstat.UniformAxis_isClose(self, r, tol)
def setLabel(self, newlabel: "char const *") -> "void":
return _npstat.UniformAxis_setLabel(self, newlabel)
def classId(self) -> "gs::ClassId":
return _npstat.UniformAxis_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.UniformAxis_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.UniformAxis_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UniformAxis_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::UniformAxis *":
return _npstat.UniformAxis_read(id, _in)
def range(self) -> "std::pair< double,double >":
return _npstat.UniformAxis_range(self)
def __init__(self, *args):
_npstat.UniformAxis_swiginit(self, _npstat.new_UniformAxis(*args))
__swig_destroy__ = _npstat.delete_UniformAxis
# Register UniformAxis in _npstat:
_npstat.UniformAxis_swigregister(UniformAxis)
def UniformAxis_classname() -> "char const *":
return _npstat.UniformAxis_classname()
def UniformAxis_version() -> "unsigned int":
return _npstat.UniformAxis_version()
def UniformAxis_read(id: "ClassId", _in: "istream") -> "npstat::UniformAxis *":
return _npstat.UniformAxis_read(id, _in)
class UniformAxisVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.UniformAxisVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.UniformAxisVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.UniformAxisVector___bool__(self)
def __len__(self) -> "std::vector< npstat::UniformAxis >::size_type":
return _npstat.UniformAxisVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::UniformAxis >::difference_type", j: "std::vector< npstat::UniformAxis >::difference_type") -> "std::vector< npstat::UniformAxis,std::allocator< npstat::UniformAxis > > *":
return _npstat.UniformAxisVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.UniformAxisVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::UniformAxis >::difference_type", j: "std::vector< npstat::UniformAxis >::difference_type") -> "void":
return _npstat.UniformAxisVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.UniformAxisVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::UniformAxis >::value_type const &":
return _npstat.UniformAxisVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.UniformAxisVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::UniformAxis >::value_type":
return _npstat.UniformAxisVector_pop(self)
def append(self, x: "UniformAxis") -> "void":
return _npstat.UniformAxisVector_append(self, x)
def empty(self) -> "bool":
return _npstat.UniformAxisVector_empty(self)
def size(self) -> "std::vector< npstat::UniformAxis >::size_type":
return _npstat.UniformAxisVector_size(self)
def swap(self, v: "UniformAxisVector") -> "void":
return _npstat.UniformAxisVector_swap(self, v)
def begin(self) -> "std::vector< npstat::UniformAxis >::iterator":
return _npstat.UniformAxisVector_begin(self)
def end(self) -> "std::vector< npstat::UniformAxis >::iterator":
return _npstat.UniformAxisVector_end(self)
def rbegin(self) -> "std::vector< npstat::UniformAxis >::reverse_iterator":
return _npstat.UniformAxisVector_rbegin(self)
def rend(self) -> "std::vector< npstat::UniformAxis >::reverse_iterator":
return _npstat.UniformAxisVector_rend(self)
def clear(self) -> "void":
return _npstat.UniformAxisVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::UniformAxis >::allocator_type":
return _npstat.UniformAxisVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.UniformAxisVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::UniformAxis >::iterator":
return _npstat.UniformAxisVector_erase(self, *args)
def __init__(self, *args):
_npstat.UniformAxisVector_swiginit(self, _npstat.new_UniformAxisVector(*args))
def push_back(self, x: "UniformAxis") -> "void":
return _npstat.UniformAxisVector_push_back(self, x)
def front(self) -> "std::vector< npstat::UniformAxis >::value_type const &":
return _npstat.UniformAxisVector_front(self)
def back(self) -> "std::vector< npstat::UniformAxis >::value_type const &":
return _npstat.UniformAxisVector_back(self)
def assign(self, n: "std::vector< npstat::UniformAxis >::size_type", x: "UniformAxis") -> "void":
return _npstat.UniformAxisVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.UniformAxisVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.UniformAxisVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::UniformAxis >::size_type") -> "void":
return _npstat.UniformAxisVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::UniformAxis >::size_type":
return _npstat.UniformAxisVector_capacity(self)
__swig_destroy__ = _npstat.delete_UniformAxisVector
# Register UniformAxisVector in _npstat:
_npstat.UniformAxisVector_swigregister(UniformAxisVector)
class DualAxis(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def isUniform(self) -> "bool":
return _npstat.DualAxis_isUniform(self)
def nCoords(self) -> "unsigned int":
return _npstat.DualAxis_nCoords(self)
def min(self) -> "double":
return _npstat.DualAxis_min(self)
def max(self) -> "double":
return _npstat.DualAxis_max(self)
def label(self) -> "std::string const &":
return _npstat.DualAxis_label(self)
def usesLogSpace(self) -> "bool":
return _npstat.DualAxis_usesLogSpace(self)
def getInterval(self, x: "double const") -> "std::pair< unsigned int,double >":
return _npstat.DualAxis_getInterval(self, x)
def linearInterval(self, x: "double const") -> "std::pair< unsigned int,double >":
return _npstat.DualAxis_linearInterval(self, x)
def coordinate(self, i: "unsigned int const") -> "double":
return _npstat.DualAxis_coordinate(self, i)
def length(self) -> "double":
return _npstat.DualAxis_length(self)
def nIntervals(self) -> "unsigned int":
return _npstat.DualAxis_nIntervals(self)
def intervalWidth(self, i: "unsigned int const"=0) -> "double":
return _npstat.DualAxis_intervalWidth(self, i)
def coords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DualAxis_coords(self)
def __eq__(self, r: "DualAxis") -> "bool":
return _npstat.DualAxis___eq__(self, r)
def __ne__(self, r: "DualAxis") -> "bool":
return _npstat.DualAxis___ne__(self, r)
def getGridAxis(self) -> "npstat::GridAxis const *":
return _npstat.DualAxis_getGridAxis(self)
def getUniformAxis(self) -> "npstat::UniformAxis const *":
return _npstat.DualAxis_getUniformAxis(self)
def setLabel(self, newlabel: "char const *") -> "void":
return _npstat.DualAxis_setLabel(self, newlabel)
def classId(self) -> "gs::ClassId":
return _npstat.DualAxis_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DualAxis_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DualAxis_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DualAxis_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::DualAxis *":
return _npstat.DualAxis_read(id, _in)
def range(self) -> "std::pair< double,double >":
return _npstat.DualAxis_range(self)
def __init__(self, *args):
_npstat.DualAxis_swiginit(self, _npstat.new_DualAxis(*args))
__swig_destroy__ = _npstat.delete_DualAxis
# Register DualAxis in _npstat:
_npstat.DualAxis_swigregister(DualAxis)
def DualAxis_classname() -> "char const *":
return _npstat.DualAxis_classname()
def DualAxis_version() -> "unsigned int":
return _npstat.DualAxis_version()
def DualAxis_read(id: "ClassId", _in: "istream") -> "npstat::DualAxis *":
return _npstat.DualAxis_read(id, _in)
class DualAxisVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.DualAxisVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.DualAxisVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.DualAxisVector___bool__(self)
def __len__(self) -> "std::vector< npstat::DualAxis >::size_type":
return _npstat.DualAxisVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::DualAxis >::difference_type", j: "std::vector< npstat::DualAxis >::difference_type") -> "std::vector< npstat::DualAxis,std::allocator< npstat::DualAxis > > *":
return _npstat.DualAxisVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.DualAxisVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::DualAxis >::difference_type", j: "std::vector< npstat::DualAxis >::difference_type") -> "void":
return _npstat.DualAxisVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.DualAxisVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::DualAxis >::value_type const &":
return _npstat.DualAxisVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.DualAxisVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::DualAxis >::value_type":
return _npstat.DualAxisVector_pop(self)
def append(self, x: "DualAxis") -> "void":
return _npstat.DualAxisVector_append(self, x)
def empty(self) -> "bool":
return _npstat.DualAxisVector_empty(self)
def size(self) -> "std::vector< npstat::DualAxis >::size_type":
return _npstat.DualAxisVector_size(self)
def swap(self, v: "DualAxisVector") -> "void":
return _npstat.DualAxisVector_swap(self, v)
def begin(self) -> "std::vector< npstat::DualAxis >::iterator":
return _npstat.DualAxisVector_begin(self)
def end(self) -> "std::vector< npstat::DualAxis >::iterator":
return _npstat.DualAxisVector_end(self)
def rbegin(self) -> "std::vector< npstat::DualAxis >::reverse_iterator":
return _npstat.DualAxisVector_rbegin(self)
def rend(self) -> "std::vector< npstat::DualAxis >::reverse_iterator":
return _npstat.DualAxisVector_rend(self)
def clear(self) -> "void":
return _npstat.DualAxisVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::DualAxis >::allocator_type":
return _npstat.DualAxisVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.DualAxisVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::DualAxis >::iterator":
return _npstat.DualAxisVector_erase(self, *args)
def __init__(self, *args):
_npstat.DualAxisVector_swiginit(self, _npstat.new_DualAxisVector(*args))
def push_back(self, x: "DualAxis") -> "void":
return _npstat.DualAxisVector_push_back(self, x)
def front(self) -> "std::vector< npstat::DualAxis >::value_type const &":
return _npstat.DualAxisVector_front(self)
def back(self) -> "std::vector< npstat::DualAxis >::value_type const &":
return _npstat.DualAxisVector_back(self)
def assign(self, n: "std::vector< npstat::DualAxis >::size_type", x: "DualAxis") -> "void":
return _npstat.DualAxisVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.DualAxisVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.DualAxisVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::DualAxis >::size_type") -> "void":
return _npstat.DualAxisVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::DualAxis >::size_type":
return _npstat.DualAxisVector_capacity(self)
__swig_destroy__ = _npstat.delete_DualAxisVector
# Register DualAxisVector in _npstat:
_npstat.DualAxisVector_swigregister(DualAxisVector)
class DoubleLinInterpolatedTableND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleLinInterpolatedTableND_swiginit(self, _npstat.new_DoubleLinInterpolatedTableND(*args))
def __call__(self, *args) -> "double":
return _npstat.DoubleLinInterpolatedTableND___call__(self, *args)
def dim(self) -> "unsigned int":
return _npstat.DoubleLinInterpolatedTableND_dim(self)
def axes(self) -> "std::vector< npstat::UniformAxis,std::allocator< npstat::UniformAxis > > const &":
return _npstat.DoubleLinInterpolatedTableND_axes(self)
def axis(self, i: "unsigned int const") -> "npstat::UniformAxis const &":
return _npstat.DoubleLinInterpolatedTableND_axis(self, i)
def length(self) -> "unsigned long":
return _npstat.DoubleLinInterpolatedTableND_length(self)
def leftInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.DoubleLinInterpolatedTableND_leftInterpolationLinear(self, i)
def rightInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.DoubleLinInterpolatedTableND_rightInterpolationLinear(self, i)
def interpolationType(self) -> "std::vector< std::pair< bool,bool >,std::allocator< std::pair< bool,bool > > >":
return _npstat.DoubleLinInterpolatedTableND_interpolationType(self)
def functionLabel(self) -> "std::string const &":
return _npstat.DoubleLinInterpolatedTableND_functionLabel(self)
def table(self, *args) -> "npstat::ArrayND< double > &":
return _npstat.DoubleLinInterpolatedTableND_table(self, *args)
def getCoords(self, linearIndex: "unsigned long", coords: "double *", coordsBufferSize: "unsigned int") -> "void":
return _npstat.DoubleLinInterpolatedTableND_getCoords(self, linearIndex, coords, coordsBufferSize)
def isUniformlyBinned(self) -> "bool":
return _npstat.DoubleLinInterpolatedTableND_isUniformlyBinned(self)
def isWithinLimits(self, point: "double const *") -> "bool":
return _npstat.DoubleLinInterpolatedTableND_isWithinLimits(self, point)
def setFunctionLabel(self, newlabel: "char const *") -> "void":
return _npstat.DoubleLinInterpolatedTableND_setFunctionLabel(self, newlabel)
def __eq__(self, arg2: "DoubleLinInterpolatedTableND") -> "bool":
return _npstat.DoubleLinInterpolatedTableND___eq__(self, arg2)
def __ne__(self, r: "DoubleLinInterpolatedTableND") -> "bool":
return _npstat.DoubleLinInterpolatedTableND___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleLinInterpolatedTableND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleLinInterpolatedTableND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleLinInterpolatedTableND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleLinInterpolatedTableND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< double,npstat::UniformAxis > *":
return _npstat.DoubleLinInterpolatedTableND_read(id, _in)
__swig_destroy__ = _npstat.delete_DoubleLinInterpolatedTableND
# Register DoubleLinInterpolatedTableND in _npstat:
_npstat.DoubleLinInterpolatedTableND_swigregister(DoubleLinInterpolatedTableND)
def DoubleLinInterpolatedTableND_classname() -> "char const *":
return _npstat.DoubleLinInterpolatedTableND_classname()
def DoubleLinInterpolatedTableND_version() -> "unsigned int":
return _npstat.DoubleLinInterpolatedTableND_version()
def DoubleLinInterpolatedTableND_read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< double,npstat::UniformAxis > *":
return _npstat.DoubleLinInterpolatedTableND_read(id, _in)
class DoubleNULinInterpolatedTableND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleNULinInterpolatedTableND_swiginit(self, _npstat.new_DoubleNULinInterpolatedTableND(*args))
def __call__(self, *args) -> "double":
return _npstat.DoubleNULinInterpolatedTableND___call__(self, *args)
def dim(self) -> "unsigned int":
return _npstat.DoubleNULinInterpolatedTableND_dim(self)
def axes(self) -> "std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &":
return _npstat.DoubleNULinInterpolatedTableND_axes(self)
def axis(self, i: "unsigned int const") -> "npstat::GridAxis const &":
return _npstat.DoubleNULinInterpolatedTableND_axis(self, i)
def length(self) -> "unsigned long":
return _npstat.DoubleNULinInterpolatedTableND_length(self)
def leftInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.DoubleNULinInterpolatedTableND_leftInterpolationLinear(self, i)
def rightInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.DoubleNULinInterpolatedTableND_rightInterpolationLinear(self, i)
def interpolationType(self) -> "std::vector< std::pair< bool,bool >,std::allocator< std::pair< bool,bool > > >":
return _npstat.DoubleNULinInterpolatedTableND_interpolationType(self)
def functionLabel(self) -> "std::string const &":
return _npstat.DoubleNULinInterpolatedTableND_functionLabel(self)
def table(self, *args) -> "npstat::ArrayND< double > &":
return _npstat.DoubleNULinInterpolatedTableND_table(self, *args)
def getCoords(self, linearIndex: "unsigned long", coords: "double *", coordsBufferSize: "unsigned int") -> "void":
return _npstat.DoubleNULinInterpolatedTableND_getCoords(self, linearIndex, coords, coordsBufferSize)
def isUniformlyBinned(self) -> "bool":
return _npstat.DoubleNULinInterpolatedTableND_isUniformlyBinned(self)
def isWithinLimits(self, point: "double const *") -> "bool":
return _npstat.DoubleNULinInterpolatedTableND_isWithinLimits(self, point)
def setFunctionLabel(self, newlabel: "char const *") -> "void":
return _npstat.DoubleNULinInterpolatedTableND_setFunctionLabel(self, newlabel)
def __eq__(self, arg2: "DoubleNULinInterpolatedTableND") -> "bool":
return _npstat.DoubleNULinInterpolatedTableND___eq__(self, arg2)
def __ne__(self, r: "DoubleNULinInterpolatedTableND") -> "bool":
return _npstat.DoubleNULinInterpolatedTableND___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleNULinInterpolatedTableND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleNULinInterpolatedTableND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleNULinInterpolatedTableND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleNULinInterpolatedTableND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< double,npstat::GridAxis > *":
return _npstat.DoubleNULinInterpolatedTableND_read(id, _in)
__swig_destroy__ = _npstat.delete_DoubleNULinInterpolatedTableND
# Register DoubleNULinInterpolatedTableND in _npstat:
_npstat.DoubleNULinInterpolatedTableND_swigregister(DoubleNULinInterpolatedTableND)
def DoubleNULinInterpolatedTableND_classname() -> "char const *":
return _npstat.DoubleNULinInterpolatedTableND_classname()
def DoubleNULinInterpolatedTableND_version() -> "unsigned int":
return _npstat.DoubleNULinInterpolatedTableND_version()
def DoubleNULinInterpolatedTableND_read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< double,npstat::GridAxis > *":
return _npstat.DoubleNULinInterpolatedTableND_read(id, _in)
class DoubleDALinInterpolatedTableND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleDALinInterpolatedTableND_swiginit(self, _npstat.new_DoubleDALinInterpolatedTableND(*args))
def __call__(self, *args) -> "double":
return _npstat.DoubleDALinInterpolatedTableND___call__(self, *args)
def dim(self) -> "unsigned int":
return _npstat.DoubleDALinInterpolatedTableND_dim(self)
def axes(self) -> "std::vector< npstat::DualAxis,std::allocator< npstat::DualAxis > > const &":
return _npstat.DoubleDALinInterpolatedTableND_axes(self)
def axis(self, i: "unsigned int const") -> "npstat::DualAxis const &":
return _npstat.DoubleDALinInterpolatedTableND_axis(self, i)
def length(self) -> "unsigned long":
return _npstat.DoubleDALinInterpolatedTableND_length(self)
def leftInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.DoubleDALinInterpolatedTableND_leftInterpolationLinear(self, i)
def rightInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.DoubleDALinInterpolatedTableND_rightInterpolationLinear(self, i)
def interpolationType(self) -> "std::vector< std::pair< bool,bool >,std::allocator< std::pair< bool,bool > > >":
return _npstat.DoubleDALinInterpolatedTableND_interpolationType(self)
def functionLabel(self) -> "std::string const &":
return _npstat.DoubleDALinInterpolatedTableND_functionLabel(self)
def table(self, *args) -> "npstat::ArrayND< double > &":
return _npstat.DoubleDALinInterpolatedTableND_table(self, *args)
def getCoords(self, linearIndex: "unsigned long", coords: "double *", coordsBufferSize: "unsigned int") -> "void":
return _npstat.DoubleDALinInterpolatedTableND_getCoords(self, linearIndex, coords, coordsBufferSize)
def isUniformlyBinned(self) -> "bool":
return _npstat.DoubleDALinInterpolatedTableND_isUniformlyBinned(self)
def isWithinLimits(self, point: "double const *") -> "bool":
return _npstat.DoubleDALinInterpolatedTableND_isWithinLimits(self, point)
def setFunctionLabel(self, newlabel: "char const *") -> "void":
return _npstat.DoubleDALinInterpolatedTableND_setFunctionLabel(self, newlabel)
def __eq__(self, arg2: "DoubleDALinInterpolatedTableND") -> "bool":
return _npstat.DoubleDALinInterpolatedTableND___eq__(self, arg2)
def __ne__(self, r: "DoubleDALinInterpolatedTableND") -> "bool":
return _npstat.DoubleDALinInterpolatedTableND___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleDALinInterpolatedTableND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleDALinInterpolatedTableND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleDALinInterpolatedTableND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleDALinInterpolatedTableND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< double,npstat::DualAxis > *":
return _npstat.DoubleDALinInterpolatedTableND_read(id, _in)
__swig_destroy__ = _npstat.delete_DoubleDALinInterpolatedTableND
# Register DoubleDALinInterpolatedTableND in _npstat:
_npstat.DoubleDALinInterpolatedTableND_swigregister(DoubleDALinInterpolatedTableND)
def DoubleDALinInterpolatedTableND_classname() -> "char const *":
return _npstat.DoubleDALinInterpolatedTableND_classname()
def DoubleDALinInterpolatedTableND_version() -> "unsigned int":
return _npstat.DoubleDALinInterpolatedTableND_version()
def DoubleDALinInterpolatedTableND_read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< double,npstat::DualAxis > *":
return _npstat.DoubleDALinInterpolatedTableND_read(id, _in)
class FloatLinInterpolatedTableND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatLinInterpolatedTableND_swiginit(self, _npstat.new_FloatLinInterpolatedTableND(*args))
def __call__(self, *args) -> "float":
return _npstat.FloatLinInterpolatedTableND___call__(self, *args)
def dim(self) -> "unsigned int":
return _npstat.FloatLinInterpolatedTableND_dim(self)
def axes(self) -> "std::vector< npstat::UniformAxis,std::allocator< npstat::UniformAxis > > const &":
return _npstat.FloatLinInterpolatedTableND_axes(self)
def axis(self, i: "unsigned int const") -> "npstat::UniformAxis const &":
return _npstat.FloatLinInterpolatedTableND_axis(self, i)
def length(self) -> "unsigned long":
return _npstat.FloatLinInterpolatedTableND_length(self)
def leftInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.FloatLinInterpolatedTableND_leftInterpolationLinear(self, i)
def rightInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.FloatLinInterpolatedTableND_rightInterpolationLinear(self, i)
def interpolationType(self) -> "std::vector< std::pair< bool,bool >,std::allocator< std::pair< bool,bool > > >":
return _npstat.FloatLinInterpolatedTableND_interpolationType(self)
def functionLabel(self) -> "std::string const &":
return _npstat.FloatLinInterpolatedTableND_functionLabel(self)
def table(self, *args) -> "npstat::ArrayND< float > &":
return _npstat.FloatLinInterpolatedTableND_table(self, *args)
def getCoords(self, linearIndex: "unsigned long", coords: "double *", coordsBufferSize: "unsigned int") -> "void":
return _npstat.FloatLinInterpolatedTableND_getCoords(self, linearIndex, coords, coordsBufferSize)
def isUniformlyBinned(self) -> "bool":
return _npstat.FloatLinInterpolatedTableND_isUniformlyBinned(self)
def isWithinLimits(self, point: "double const *") -> "bool":
return _npstat.FloatLinInterpolatedTableND_isWithinLimits(self, point)
def setFunctionLabel(self, newlabel: "char const *") -> "void":
return _npstat.FloatLinInterpolatedTableND_setFunctionLabel(self, newlabel)
def __eq__(self, arg2: "FloatLinInterpolatedTableND") -> "bool":
return _npstat.FloatLinInterpolatedTableND___eq__(self, arg2)
def __ne__(self, r: "FloatLinInterpolatedTableND") -> "bool":
return _npstat.FloatLinInterpolatedTableND___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.FloatLinInterpolatedTableND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatLinInterpolatedTableND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatLinInterpolatedTableND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatLinInterpolatedTableND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< float,npstat::UniformAxis > *":
return _npstat.FloatLinInterpolatedTableND_read(id, _in)
__swig_destroy__ = _npstat.delete_FloatLinInterpolatedTableND
# Register FloatLinInterpolatedTableND in _npstat:
_npstat.FloatLinInterpolatedTableND_swigregister(FloatLinInterpolatedTableND)
def FloatLinInterpolatedTableND_classname() -> "char const *":
return _npstat.FloatLinInterpolatedTableND_classname()
def FloatLinInterpolatedTableND_version() -> "unsigned int":
return _npstat.FloatLinInterpolatedTableND_version()
def FloatLinInterpolatedTableND_read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< float,npstat::UniformAxis > *":
return _npstat.FloatLinInterpolatedTableND_read(id, _in)
class FloatNULinInterpolatedTableND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatNULinInterpolatedTableND_swiginit(self, _npstat.new_FloatNULinInterpolatedTableND(*args))
def __call__(self, *args) -> "float":
return _npstat.FloatNULinInterpolatedTableND___call__(self, *args)
def dim(self) -> "unsigned int":
return _npstat.FloatNULinInterpolatedTableND_dim(self)
def axes(self) -> "std::vector< npstat::GridAxis,std::allocator< npstat::GridAxis > > const &":
return _npstat.FloatNULinInterpolatedTableND_axes(self)
def axis(self, i: "unsigned int const") -> "npstat::GridAxis const &":
return _npstat.FloatNULinInterpolatedTableND_axis(self, i)
def length(self) -> "unsigned long":
return _npstat.FloatNULinInterpolatedTableND_length(self)
def leftInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.FloatNULinInterpolatedTableND_leftInterpolationLinear(self, i)
def rightInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.FloatNULinInterpolatedTableND_rightInterpolationLinear(self, i)
def interpolationType(self) -> "std::vector< std::pair< bool,bool >,std::allocator< std::pair< bool,bool > > >":
return _npstat.FloatNULinInterpolatedTableND_interpolationType(self)
def functionLabel(self) -> "std::string const &":
return _npstat.FloatNULinInterpolatedTableND_functionLabel(self)
def table(self, *args) -> "npstat::ArrayND< float > &":
return _npstat.FloatNULinInterpolatedTableND_table(self, *args)
def getCoords(self, linearIndex: "unsigned long", coords: "double *", coordsBufferSize: "unsigned int") -> "void":
return _npstat.FloatNULinInterpolatedTableND_getCoords(self, linearIndex, coords, coordsBufferSize)
def isUniformlyBinned(self) -> "bool":
return _npstat.FloatNULinInterpolatedTableND_isUniformlyBinned(self)
def isWithinLimits(self, point: "double const *") -> "bool":
return _npstat.FloatNULinInterpolatedTableND_isWithinLimits(self, point)
def setFunctionLabel(self, newlabel: "char const *") -> "void":
return _npstat.FloatNULinInterpolatedTableND_setFunctionLabel(self, newlabel)
def __eq__(self, arg2: "FloatNULinInterpolatedTableND") -> "bool":
return _npstat.FloatNULinInterpolatedTableND___eq__(self, arg2)
def __ne__(self, r: "FloatNULinInterpolatedTableND") -> "bool":
return _npstat.FloatNULinInterpolatedTableND___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.FloatNULinInterpolatedTableND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatNULinInterpolatedTableND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatNULinInterpolatedTableND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatNULinInterpolatedTableND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< float,npstat::GridAxis > *":
return _npstat.FloatNULinInterpolatedTableND_read(id, _in)
__swig_destroy__ = _npstat.delete_FloatNULinInterpolatedTableND
# Register FloatNULinInterpolatedTableND in _npstat:
_npstat.FloatNULinInterpolatedTableND_swigregister(FloatNULinInterpolatedTableND)
def FloatNULinInterpolatedTableND_classname() -> "char const *":
return _npstat.FloatNULinInterpolatedTableND_classname()
def FloatNULinInterpolatedTableND_version() -> "unsigned int":
return _npstat.FloatNULinInterpolatedTableND_version()
def FloatNULinInterpolatedTableND_read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< float,npstat::GridAxis > *":
return _npstat.FloatNULinInterpolatedTableND_read(id, _in)
class FloatDALinInterpolatedTableND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatDALinInterpolatedTableND_swiginit(self, _npstat.new_FloatDALinInterpolatedTableND(*args))
def __call__(self, *args) -> "float":
return _npstat.FloatDALinInterpolatedTableND___call__(self, *args)
def dim(self) -> "unsigned int":
return _npstat.FloatDALinInterpolatedTableND_dim(self)
def axes(self) -> "std::vector< npstat::DualAxis,std::allocator< npstat::DualAxis > > const &":
return _npstat.FloatDALinInterpolatedTableND_axes(self)
def axis(self, i: "unsigned int const") -> "npstat::DualAxis const &":
return _npstat.FloatDALinInterpolatedTableND_axis(self, i)
def length(self) -> "unsigned long":
return _npstat.FloatDALinInterpolatedTableND_length(self)
def leftInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.FloatDALinInterpolatedTableND_leftInterpolationLinear(self, i)
def rightInterpolationLinear(self, i: "unsigned int") -> "bool":
return _npstat.FloatDALinInterpolatedTableND_rightInterpolationLinear(self, i)
def interpolationType(self) -> "std::vector< std::pair< bool,bool >,std::allocator< std::pair< bool,bool > > >":
return _npstat.FloatDALinInterpolatedTableND_interpolationType(self)
def functionLabel(self) -> "std::string const &":
return _npstat.FloatDALinInterpolatedTableND_functionLabel(self)
def table(self, *args) -> "npstat::ArrayND< float > &":
return _npstat.FloatDALinInterpolatedTableND_table(self, *args)
def getCoords(self, linearIndex: "unsigned long", coords: "double *", coordsBufferSize: "unsigned int") -> "void":
return _npstat.FloatDALinInterpolatedTableND_getCoords(self, linearIndex, coords, coordsBufferSize)
def isUniformlyBinned(self) -> "bool":
return _npstat.FloatDALinInterpolatedTableND_isUniformlyBinned(self)
def isWithinLimits(self, point: "double const *") -> "bool":
return _npstat.FloatDALinInterpolatedTableND_isWithinLimits(self, point)
def setFunctionLabel(self, newlabel: "char const *") -> "void":
return _npstat.FloatDALinInterpolatedTableND_setFunctionLabel(self, newlabel)
def __eq__(self, arg2: "FloatDALinInterpolatedTableND") -> "bool":
return _npstat.FloatDALinInterpolatedTableND___eq__(self, arg2)
def __ne__(self, r: "FloatDALinInterpolatedTableND") -> "bool":
return _npstat.FloatDALinInterpolatedTableND___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.FloatDALinInterpolatedTableND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatDALinInterpolatedTableND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatDALinInterpolatedTableND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatDALinInterpolatedTableND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< float,npstat::DualAxis > *":
return _npstat.FloatDALinInterpolatedTableND_read(id, _in)
__swig_destroy__ = _npstat.delete_FloatDALinInterpolatedTableND
# Register FloatDALinInterpolatedTableND in _npstat:
_npstat.FloatDALinInterpolatedTableND_swigregister(FloatDALinInterpolatedTableND)
def FloatDALinInterpolatedTableND_classname() -> "char const *":
return _npstat.FloatDALinInterpolatedTableND_classname()
def FloatDALinInterpolatedTableND_version() -> "unsigned int":
return _npstat.FloatDALinInterpolatedTableND_version()
def FloatDALinInterpolatedTableND_read(id: "ClassId", _in: "istream") -> "npstat::LinInterpolatedTableND< float,npstat::DualAxis > *":
return _npstat.FloatDALinInterpolatedTableND_read(id, _in)
class ArchiveRecord_DoubleLinInterpolatedTableND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleLinInterpolatedTableND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleLinInterpolatedTableND_swiginit(self, _npstat.new_ArchiveRecord_DoubleLinInterpolatedTableND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleLinInterpolatedTableND
# Register ArchiveRecord_DoubleLinInterpolatedTableND in _npstat:
_npstat.ArchiveRecord_DoubleLinInterpolatedTableND_swigregister(ArchiveRecord_DoubleLinInterpolatedTableND)
class Ref_DoubleLinInterpolatedTableND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleLinInterpolatedTableND_swiginit(self, _npstat.new_Ref_DoubleLinInterpolatedTableND(*args))
def restore(self, index: "unsigned long", obj: "DoubleLinInterpolatedTableND") -> "void":
return _npstat.Ref_DoubleLinInterpolatedTableND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LinInterpolatedTableND< double,npstat::UniformAxis > *":
return _npstat.Ref_DoubleLinInterpolatedTableND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleLinInterpolatedTableND
# Register Ref_DoubleLinInterpolatedTableND in _npstat:
_npstat.Ref_DoubleLinInterpolatedTableND_swigregister(Ref_DoubleLinInterpolatedTableND)
class ArchiveRecord_DoubleNULinInterpolatedTableND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleNULinInterpolatedTableND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleNULinInterpolatedTableND_swiginit(self, _npstat.new_ArchiveRecord_DoubleNULinInterpolatedTableND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleNULinInterpolatedTableND
# Register ArchiveRecord_DoubleNULinInterpolatedTableND in _npstat:
_npstat.ArchiveRecord_DoubleNULinInterpolatedTableND_swigregister(ArchiveRecord_DoubleNULinInterpolatedTableND)
class Ref_DoubleNULinInterpolatedTableND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleNULinInterpolatedTableND_swiginit(self, _npstat.new_Ref_DoubleNULinInterpolatedTableND(*args))
def restore(self, index: "unsigned long", obj: "DoubleNULinInterpolatedTableND") -> "void":
return _npstat.Ref_DoubleNULinInterpolatedTableND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LinInterpolatedTableND< double,npstat::GridAxis > *":
return _npstat.Ref_DoubleNULinInterpolatedTableND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleNULinInterpolatedTableND
# Register Ref_DoubleNULinInterpolatedTableND in _npstat:
_npstat.Ref_DoubleNULinInterpolatedTableND_swigregister(Ref_DoubleNULinInterpolatedTableND)
class ArchiveRecord_DoubleDALinInterpolatedTableND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleDALinInterpolatedTableND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleDALinInterpolatedTableND_swiginit(self, _npstat.new_ArchiveRecord_DoubleDALinInterpolatedTableND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleDALinInterpolatedTableND
# Register ArchiveRecord_DoubleDALinInterpolatedTableND in _npstat:
_npstat.ArchiveRecord_DoubleDALinInterpolatedTableND_swigregister(ArchiveRecord_DoubleDALinInterpolatedTableND)
class Ref_DoubleDALinInterpolatedTableND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleDALinInterpolatedTableND_swiginit(self, _npstat.new_Ref_DoubleDALinInterpolatedTableND(*args))
def restore(self, index: "unsigned long", obj: "DoubleDALinInterpolatedTableND") -> "void":
return _npstat.Ref_DoubleDALinInterpolatedTableND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LinInterpolatedTableND< double,npstat::DualAxis > *":
return _npstat.Ref_DoubleDALinInterpolatedTableND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleDALinInterpolatedTableND
# Register Ref_DoubleDALinInterpolatedTableND in _npstat:
_npstat.Ref_DoubleDALinInterpolatedTableND_swigregister(Ref_DoubleDALinInterpolatedTableND)
class ArchiveRecord_FloatLinInterpolatedTableND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatLinInterpolatedTableND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatLinInterpolatedTableND_swiginit(self, _npstat.new_ArchiveRecord_FloatLinInterpolatedTableND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatLinInterpolatedTableND
# Register ArchiveRecord_FloatLinInterpolatedTableND in _npstat:
_npstat.ArchiveRecord_FloatLinInterpolatedTableND_swigregister(ArchiveRecord_FloatLinInterpolatedTableND)
class Ref_FloatLinInterpolatedTableND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatLinInterpolatedTableND_swiginit(self, _npstat.new_Ref_FloatLinInterpolatedTableND(*args))
def restore(self, index: "unsigned long", obj: "FloatLinInterpolatedTableND") -> "void":
return _npstat.Ref_FloatLinInterpolatedTableND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LinInterpolatedTableND< float,npstat::UniformAxis > *":
return _npstat.Ref_FloatLinInterpolatedTableND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatLinInterpolatedTableND
# Register Ref_FloatLinInterpolatedTableND in _npstat:
_npstat.Ref_FloatLinInterpolatedTableND_swigregister(Ref_FloatLinInterpolatedTableND)
class ArchiveRecord_FloatNULinInterpolatedTableND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatNULinInterpolatedTableND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatNULinInterpolatedTableND_swiginit(self, _npstat.new_ArchiveRecord_FloatNULinInterpolatedTableND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatNULinInterpolatedTableND
# Register ArchiveRecord_FloatNULinInterpolatedTableND in _npstat:
_npstat.ArchiveRecord_FloatNULinInterpolatedTableND_swigregister(ArchiveRecord_FloatNULinInterpolatedTableND)
class Ref_FloatNULinInterpolatedTableND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatNULinInterpolatedTableND_swiginit(self, _npstat.new_Ref_FloatNULinInterpolatedTableND(*args))
def restore(self, index: "unsigned long", obj: "FloatNULinInterpolatedTableND") -> "void":
return _npstat.Ref_FloatNULinInterpolatedTableND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LinInterpolatedTableND< float,npstat::GridAxis > *":
return _npstat.Ref_FloatNULinInterpolatedTableND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatNULinInterpolatedTableND
# Register Ref_FloatNULinInterpolatedTableND in _npstat:
_npstat.Ref_FloatNULinInterpolatedTableND_swigregister(Ref_FloatNULinInterpolatedTableND)
class ArchiveRecord_FloatDALinInterpolatedTableND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatDALinInterpolatedTableND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatDALinInterpolatedTableND_swiginit(self, _npstat.new_ArchiveRecord_FloatDALinInterpolatedTableND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatDALinInterpolatedTableND
# Register ArchiveRecord_FloatDALinInterpolatedTableND in _npstat:
_npstat.ArchiveRecord_FloatDALinInterpolatedTableND_swigregister(ArchiveRecord_FloatDALinInterpolatedTableND)
class Ref_FloatDALinInterpolatedTableND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatDALinInterpolatedTableND_swiginit(self, _npstat.new_Ref_FloatDALinInterpolatedTableND(*args))
def restore(self, index: "unsigned long", obj: "FloatDALinInterpolatedTableND") -> "void":
return _npstat.Ref_FloatDALinInterpolatedTableND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LinInterpolatedTableND< float,npstat::DualAxis > *":
return _npstat.Ref_FloatDALinInterpolatedTableND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatDALinInterpolatedTableND
# Register Ref_FloatDALinInterpolatedTableND in _npstat:
_npstat.Ref_FloatDALinInterpolatedTableND_swigregister(Ref_FloatDALinInterpolatedTableND)
class DoubleDoubleAbsArrayProjector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoubleAbsArrayProjector
def clear(self) -> "void":
return _npstat.DoubleDoubleAbsArrayProjector_clear(self)
def process(self, index: "unsigned int const *", indexLen: "unsigned int", linearIndex: "unsigned long", value: "double const &") -> "void":
return _npstat.DoubleDoubleAbsArrayProjector_process(self, index, indexLen, linearIndex, value)
def result(self) -> "double":
return _npstat.DoubleDoubleAbsArrayProjector_result(self)
# Register DoubleDoubleAbsArrayProjector in _npstat:
_npstat.DoubleDoubleAbsArrayProjector_swigregister(DoubleDoubleAbsArrayProjector)
class FloatFloatAbsArrayProjector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatFloatAbsArrayProjector
def clear(self) -> "void":
return _npstat.FloatFloatAbsArrayProjector_clear(self)
def process(self, index: "unsigned int const *", indexLen: "unsigned int", linearIndex: "unsigned long", value: "float const &") -> "void":
return _npstat.FloatFloatAbsArrayProjector_process(self, index, indexLen, linearIndex, value)
def result(self) -> "float":
return _npstat.FloatFloatAbsArrayProjector_result(self)
# Register FloatFloatAbsArrayProjector in _npstat:
_npstat.FloatFloatAbsArrayProjector_swigregister(FloatFloatAbsArrayProjector)
class IntIntAbsArrayProjector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntIntAbsArrayProjector
def clear(self) -> "void":
return _npstat.IntIntAbsArrayProjector_clear(self)
def process(self, index: "unsigned int const *", indexLen: "unsigned int", linearIndex: "unsigned long", value: "int const &") -> "void":
return _npstat.IntIntAbsArrayProjector_process(self, index, indexLen, linearIndex, value)
def result(self) -> "int":
return _npstat.IntIntAbsArrayProjector_result(self)
# Register IntIntAbsArrayProjector in _npstat:
_npstat.IntIntAbsArrayProjector_swigregister(IntIntAbsArrayProjector)
class LongLongAbsArrayProjector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongLongAbsArrayProjector
def clear(self) -> "void":
return _npstat.LongLongAbsArrayProjector_clear(self)
def process(self, index: "unsigned int const *", indexLen: "unsigned int", linearIndex: "unsigned long", value: "long const &") -> "void":
return _npstat.LongLongAbsArrayProjector_process(self, index, indexLen, linearIndex, value)
def result(self) -> "long":
return _npstat.LongLongAbsArrayProjector_result(self)
# Register LongLongAbsArrayProjector in _npstat:
_npstat.LongLongAbsArrayProjector_swigregister(LongLongAbsArrayProjector)
class UCharUCharAbsArrayProjector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharUCharAbsArrayProjector
def clear(self) -> "void":
return _npstat.UCharUCharAbsArrayProjector_clear(self)
def process(self, index: "unsigned int const *", indexLen: "unsigned int", linearIndex: "unsigned long", value: "unsigned char const &") -> "void":
return _npstat.UCharUCharAbsArrayProjector_process(self, index, indexLen, linearIndex, value)
def result(self) -> "unsigned char":
return _npstat.UCharUCharAbsArrayProjector_result(self)
# Register UCharUCharAbsArrayProjector in _npstat:
_npstat.UCharUCharAbsArrayProjector_swigregister(UCharUCharAbsArrayProjector)
class FloatDoubleAbsArrayProjector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatDoubleAbsArrayProjector
def clear(self) -> "void":
return _npstat.FloatDoubleAbsArrayProjector_clear(self)
def process(self, index: "unsigned int const *", indexLen: "unsigned int", linearIndex: "unsigned long", value: "float const &") -> "void":
return _npstat.FloatDoubleAbsArrayProjector_process(self, index, indexLen, linearIndex, value)
def result(self) -> "double":
return _npstat.FloatDoubleAbsArrayProjector_result(self)
# Register FloatDoubleAbsArrayProjector in _npstat:
_npstat.FloatDoubleAbsArrayProjector_swigregister(FloatDoubleAbsArrayProjector)
class IntDoubleAbsArrayProjector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntDoubleAbsArrayProjector
def clear(self) -> "void":
return _npstat.IntDoubleAbsArrayProjector_clear(self)
def process(self, index: "unsigned int const *", indexLen: "unsigned int", linearIndex: "unsigned long", value: "int const &") -> "void":
return _npstat.IntDoubleAbsArrayProjector_process(self, index, indexLen, linearIndex, value)
def result(self) -> "double":
return _npstat.IntDoubleAbsArrayProjector_result(self)
# Register IntDoubleAbsArrayProjector in _npstat:
_npstat.IntDoubleAbsArrayProjector_swigregister(IntDoubleAbsArrayProjector)
class LongDoubleAbsArrayProjector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongDoubleAbsArrayProjector
def clear(self) -> "void":
return _npstat.LongDoubleAbsArrayProjector_clear(self)
def process(self, index: "unsigned int const *", indexLen: "unsigned int", linearIndex: "unsigned long", value: "long const &") -> "void":
return _npstat.LongDoubleAbsArrayProjector_process(self, index, indexLen, linearIndex, value)
def result(self) -> "double":
return _npstat.LongDoubleAbsArrayProjector_result(self)
# Register LongDoubleAbsArrayProjector in _npstat:
_npstat.LongDoubleAbsArrayProjector_swigregister(LongDoubleAbsArrayProjector)
class UCharDoubleAbsArrayProjector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharDoubleAbsArrayProjector
def clear(self) -> "void":
return _npstat.UCharDoubleAbsArrayProjector_clear(self)
def process(self, index: "unsigned int const *", indexLen: "unsigned int", linearIndex: "unsigned long", value: "unsigned char const &") -> "void":
return _npstat.UCharDoubleAbsArrayProjector_process(self, index, indexLen, linearIndex, value)
def result(self) -> "double":
return _npstat.UCharDoubleAbsArrayProjector_result(self)
# Register UCharDoubleAbsArrayProjector in _npstat:
_npstat.UCharDoubleAbsArrayProjector_swigregister(UCharDoubleAbsArrayProjector)
class ExpMapper1d(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ExpMapper1d_swiginit(self, _npstat.new_ExpMapper1d(*args))
def __call__(self, x: "double const &") -> "double":
return _npstat.ExpMapper1d___call__(self, x)
def a(self) -> "double":
return _npstat.ExpMapper1d_a(self)
def b(self) -> "double":
return _npstat.ExpMapper1d_b(self)
__swig_destroy__ = _npstat.delete_ExpMapper1d
# Register ExpMapper1d in _npstat:
_npstat.ExpMapper1d_swigregister(ExpMapper1d)
class ExpMapper1dVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.ExpMapper1dVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.ExpMapper1dVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.ExpMapper1dVector___bool__(self)
def __len__(self) -> "std::vector< npstat::ExpMapper1d >::size_type":
return _npstat.ExpMapper1dVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::ExpMapper1d >::difference_type", j: "std::vector< npstat::ExpMapper1d >::difference_type") -> "std::vector< npstat::ExpMapper1d,std::allocator< npstat::ExpMapper1d > > *":
return _npstat.ExpMapper1dVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.ExpMapper1dVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::ExpMapper1d >::difference_type", j: "std::vector< npstat::ExpMapper1d >::difference_type") -> "void":
return _npstat.ExpMapper1dVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.ExpMapper1dVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::ExpMapper1d >::value_type const &":
return _npstat.ExpMapper1dVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.ExpMapper1dVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::ExpMapper1d >::value_type":
return _npstat.ExpMapper1dVector_pop(self)
def append(self, x: "ExpMapper1d") -> "void":
return _npstat.ExpMapper1dVector_append(self, x)
def empty(self) -> "bool":
return _npstat.ExpMapper1dVector_empty(self)
def size(self) -> "std::vector< npstat::ExpMapper1d >::size_type":
return _npstat.ExpMapper1dVector_size(self)
def swap(self, v: "ExpMapper1dVector") -> "void":
return _npstat.ExpMapper1dVector_swap(self, v)
def begin(self) -> "std::vector< npstat::ExpMapper1d >::iterator":
return _npstat.ExpMapper1dVector_begin(self)
def end(self) -> "std::vector< npstat::ExpMapper1d >::iterator":
return _npstat.ExpMapper1dVector_end(self)
def rbegin(self) -> "std::vector< npstat::ExpMapper1d >::reverse_iterator":
return _npstat.ExpMapper1dVector_rbegin(self)
def rend(self) -> "std::vector< npstat::ExpMapper1d >::reverse_iterator":
return _npstat.ExpMapper1dVector_rend(self)
def clear(self) -> "void":
return _npstat.ExpMapper1dVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::ExpMapper1d >::allocator_type":
return _npstat.ExpMapper1dVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.ExpMapper1dVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::ExpMapper1d >::iterator":
return _npstat.ExpMapper1dVector_erase(self, *args)
def __init__(self, *args):
_npstat.ExpMapper1dVector_swiginit(self, _npstat.new_ExpMapper1dVector(*args))
def push_back(self, x: "ExpMapper1d") -> "void":
return _npstat.ExpMapper1dVector_push_back(self, x)
def front(self) -> "std::vector< npstat::ExpMapper1d >::value_type const &":
return _npstat.ExpMapper1dVector_front(self)
def back(self) -> "std::vector< npstat::ExpMapper1d >::value_type const &":
return _npstat.ExpMapper1dVector_back(self)
def assign(self, n: "std::vector< npstat::ExpMapper1d >::size_type", x: "ExpMapper1d") -> "void":
return _npstat.ExpMapper1dVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.ExpMapper1dVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.ExpMapper1dVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::ExpMapper1d >::size_type") -> "void":
return _npstat.ExpMapper1dVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::ExpMapper1d >::size_type":
return _npstat.ExpMapper1dVector_capacity(self)
__swig_destroy__ = _npstat.delete_ExpMapper1dVector
# Register ExpMapper1dVector in _npstat:
_npstat.ExpMapper1dVector_swigregister(ExpMapper1dVector)
def rescanArray(*args) -> "void":
return _npstat.rescanArray(*args)
def truncatedInverseSqrt(covmat: "DoubleMatrix", nEigenvectorsToKeep: "unsigned int", eigenvaluePrecision: "double") -> "double *, int *":
return _npstat.truncatedInverseSqrt(covmat, nEigenvectorsToKeep, eigenvaluePrecision)
def timestamp() -> "std::string":
return _npstat.timestamp()
def discretizedL1(a1: "double const *", a2: "double const *", cellSize: "double", normalizeAsDensity: "bool"=False) -> "double":
return _npstat.discretizedL1(a1, a2, cellSize, normalizeAsDensity)
def discretizedL2(a1: "double const *", a2: "double const *", cellSize: "double", normalizeAsDensity: "bool"=False) -> "double":
return _npstat.discretizedL2(a1, a2, cellSize, normalizeAsDensity)
def clearBuffer(*args) -> "void":
return _npstat.clearBuffer(*args)
def copyBuffer(*args) -> "void":
return _npstat.copyBuffer(*args)
class ConvolutionEngine1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ConvolutionEngine1D_swiginit(self, _npstat.new_ConvolutionEngine1D(*args))
__swig_destroy__ = _npstat.delete_ConvolutionEngine1D
def setFilterImage(self, image: "std::complex< double > const *") -> "void":
return _npstat.ConvolutionEngine1D_setFilterImage(self, image)
def depositFilterImage(self, id: "unsigned long", image: "std::complex< double > const *") -> "void":
return _npstat.ConvolutionEngine1D_depositFilterImage(self, id, image)
def discardFilter(self, id: "unsigned long") -> "bool":
return _npstat.ConvolutionEngine1D_discardFilter(self, id)
def clearFilterBank(self) -> "void":
return _npstat.ConvolutionEngine1D_clearFilterBank(self)
def dataLength(self) -> "unsigned int":
return _npstat.ConvolutionEngine1D_dataLength(self)
def imageLength(self) -> "unsigned int":
return _npstat.ConvolutionEngine1D_imageLength(self)
def isFilterSet(self) -> "bool":
return _npstat.ConvolutionEngine1D_isFilterSet(self)
def filterBankSize(self) -> "unsigned int":
return _npstat.ConvolutionEngine1D_filterBankSize(self)
def setFilter(self, input: "PyObject *", shift: "unsigned int"=0) -> "void":
return _npstat.ConvolutionEngine1D_setFilter(self, input, shift)
def depositFilter(self, id: "unsigned long", _in: "double const *", shift: "unsigned int"=0) -> "void":
return _npstat.ConvolutionEngine1D_depositFilter(self, id, _in, shift)
def convolveWithFilter(self, _in: "double const *", shift: "unsigned int const"=0, makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.ConvolutionEngine1D_convolveWithFilter(self, _in, shift, makeNonNegative)
def convolveWithDeposit(self, id: "unsigned long const", _in: "double const *", shift: "unsigned int const"=0, makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.ConvolutionEngine1D_convolveWithDeposit(self, id, _in, shift, makeNonNegative)
def convolveFilterAndDeposit(self, id: "unsigned long const", makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.ConvolutionEngine1D_convolveFilterAndDeposit(self, id, makeNonNegative)
# Register ConvolutionEngine1D in _npstat:
_npstat.ConvolutionEngine1D_swigregister(ConvolutionEngine1D)
class GaussHermiteQuadrature(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
interval_quadrature = _npstat.GaussHermiteQuadrature_interval_quadrature
def __init__(self, npoints: "unsigned int"):
_npstat.GaussHermiteQuadrature_swiginit(self, _npstat.new_GaussHermiteQuadrature(npoints))
def npoints(self) -> "unsigned int":
return _npstat.GaussHermiteQuadrature_npoints(self)
@staticmethod
def isAllowed(npoints: "unsigned int") -> "bool":
return _npstat.GaussHermiteQuadrature_isAllowed(npoints)
@staticmethod
def allowedNPonts() -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.GaussHermiteQuadrature_allowedNPonts()
@staticmethod
def minimalExactRule(polyDegree: "unsigned int") -> "unsigned int":
return _npstat.GaussHermiteQuadrature_minimalExactRule(polyDegree)
def getAbscissae(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.GaussHermiteQuadrature_getAbscissae(self)
def getWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.GaussHermiteQuadrature_getWeights(self)
def getAllAbscissae(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.GaussHermiteQuadrature_getAllAbscissae(self)
def getAllWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.GaussHermiteQuadrature_getAllWeights(self)
def integrate(self, fcn: "DoubleFunctor1") -> "long double":
return _npstat.GaussHermiteQuadrature_integrate(self, fcn)
def integrateProb(self, mean: "long double", sigma: "long double", fcn: "DoubleFunctor1") -> "long double":
return _npstat.GaussHermiteQuadrature_integrateProb(self, mean, sigma, fcn)
__swig_destroy__ = _npstat.delete_GaussHermiteQuadrature
# Register GaussHermiteQuadrature in _npstat:
_npstat.GaussHermiteQuadrature_swigregister(GaussHermiteQuadrature)
def GaussHermiteQuadrature_isAllowed(npoints: "unsigned int") -> "bool":
return _npstat.GaussHermiteQuadrature_isAllowed(npoints)
def GaussHermiteQuadrature_allowedNPonts() -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.GaussHermiteQuadrature_allowedNPonts()
def GaussHermiteQuadrature_minimalExactRule(polyDegree: "unsigned int") -> "unsigned int":
return _npstat.GaussHermiteQuadrature_minimalExactRule(polyDegree)
class FejerQuadrature(AbsIntervalQuadrature1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
interval_quadrature = _npstat.FejerQuadrature_interval_quadrature
def __init__(self, npoints: "unsigned int"):
_npstat.FejerQuadrature_swiginit(self, _npstat.new_FejerQuadrature(npoints))
__swig_destroy__ = _npstat.delete_FejerQuadrature
def npoints(self) -> "unsigned int":
return _npstat.FejerQuadrature_npoints(self)
@staticmethod
def minimalExactRule(polyDegree: "unsigned int") -> "unsigned int":
return _npstat.FejerQuadrature_minimalExactRule(polyDegree)
def getAllAbscissae(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FejerQuadrature_getAllAbscissae(self)
def getAllWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FejerQuadrature_getAllWeights(self)
def integrate(self, fcn: "DoubleFunctor1", a: "long double", b: "long double") -> "long double":
return _npstat.FejerQuadrature_integrate(self, fcn, a, b)
# Register FejerQuadrature in _npstat:
_npstat.FejerQuadrature_swigregister(FejerQuadrature)
def FejerQuadrature_minimalExactRule(polyDegree: "unsigned int") -> "unsigned int":
return _npstat.FejerQuadrature_minimalExactRule(polyDegree)
class FejerQuadratureSet(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
@staticmethod
def quad(npoints: "unsigned int") -> "std::shared_ptr< npstat::FejerQuadrature const >":
return _npstat.FejerQuadratureSet_quad(npoints)
def __init__(self):
_npstat.FejerQuadratureSet_swiginit(self, _npstat.new_FejerQuadratureSet())
__swig_destroy__ = _npstat.delete_FejerQuadratureSet
# Register FejerQuadratureSet in _npstat:
_npstat.FejerQuadratureSet_swigregister(FejerQuadratureSet)
def FejerQuadratureSet_quad(npoints: "unsigned int") -> "std::shared_ptr< npstat::FejerQuadrature const >":
return _npstat.FejerQuadratureSet_quad(npoints)
class RectangleQuadrature1D(AbsIntervalQuadrature1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
interval_quadrature = _npstat.RectangleQuadrature1D_interval_quadrature
def __init__(self, npoints: "unsigned int"):
_npstat.RectangleQuadrature1D_swiginit(self, _npstat.new_RectangleQuadrature1D(npoints))
__swig_destroy__ = _npstat.delete_RectangleQuadrature1D
def npoints(self) -> "unsigned int":
return _npstat.RectangleQuadrature1D_npoints(self)
def getAllAbscissae(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.RectangleQuadrature1D_getAllAbscissae(self)
def getAllWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.RectangleQuadrature1D_getAllWeights(self)
def integrate(self, fcn: "DoubleFunctor1", a: "long double", b: "long double") -> "long double":
return _npstat.RectangleQuadrature1D_integrate(self, fcn, a, b)
# Register RectangleQuadrature1D in _npstat:
_npstat.RectangleQuadrature1D_swigregister(RectangleQuadrature1D)
class GaussianDip(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, mu: "double const", sigma: "double const", a: "double const"):
_npstat.GaussianDip_swiginit(self, _npstat.new_GaussianDip(mu, sigma, a))
__swig_destroy__ = _npstat.delete_GaussianDip
def __call__(self, x: "double const &") -> "double":
return _npstat.GaussianDip___call__(self, x)
# Register GaussianDip in _npstat:
_npstat.GaussianDip_swigregister(GaussianDip)
class DoubleDoubleAbsVisitor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoubleAbsVisitor
def clear(self) -> "void":
return _npstat.DoubleDoubleAbsVisitor_clear(self)
def process(self, value: "double const &") -> "void":
return _npstat.DoubleDoubleAbsVisitor_process(self, value)
def result(self) -> "double":
return _npstat.DoubleDoubleAbsVisitor_result(self)
# Register DoubleDoubleAbsVisitor in _npstat:
_npstat.DoubleDoubleAbsVisitor_swigregister(DoubleDoubleAbsVisitor)
class FloatFloatAbsVisitor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatFloatAbsVisitor
def clear(self) -> "void":
return _npstat.FloatFloatAbsVisitor_clear(self)
def process(self, value: "float const &") -> "void":
return _npstat.FloatFloatAbsVisitor_process(self, value)
def result(self) -> "float":
return _npstat.FloatFloatAbsVisitor_result(self)
# Register FloatFloatAbsVisitor in _npstat:
_npstat.FloatFloatAbsVisitor_swigregister(FloatFloatAbsVisitor)
class IntIntAbsVisitor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntIntAbsVisitor
def clear(self) -> "void":
return _npstat.IntIntAbsVisitor_clear(self)
def process(self, value: "int const &") -> "void":
return _npstat.IntIntAbsVisitor_process(self, value)
def result(self) -> "int":
return _npstat.IntIntAbsVisitor_result(self)
# Register IntIntAbsVisitor in _npstat:
_npstat.IntIntAbsVisitor_swigregister(IntIntAbsVisitor)
class LongLongAbsVisitor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongLongAbsVisitor
def clear(self) -> "void":
return _npstat.LongLongAbsVisitor_clear(self)
def process(self, value: "long const &") -> "void":
return _npstat.LongLongAbsVisitor_process(self, value)
def result(self) -> "long":
return _npstat.LongLongAbsVisitor_result(self)
# Register LongLongAbsVisitor in _npstat:
_npstat.LongLongAbsVisitor_swigregister(LongLongAbsVisitor)
class UCharUCharAbsVisitor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharUCharAbsVisitor
def clear(self) -> "void":
return _npstat.UCharUCharAbsVisitor_clear(self)
def process(self, value: "unsigned char const &") -> "void":
return _npstat.UCharUCharAbsVisitor_process(self, value)
def result(self) -> "unsigned char":
return _npstat.UCharUCharAbsVisitor_result(self)
# Register UCharUCharAbsVisitor in _npstat:
_npstat.UCharUCharAbsVisitor_swigregister(UCharUCharAbsVisitor)
class FloatDoubleAbsVisitor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatDoubleAbsVisitor
def clear(self) -> "void":
return _npstat.FloatDoubleAbsVisitor_clear(self)
def process(self, value: "float const &") -> "void":
return _npstat.FloatDoubleAbsVisitor_process(self, value)
def result(self) -> "double":
return _npstat.FloatDoubleAbsVisitor_result(self)
# Register FloatDoubleAbsVisitor in _npstat:
_npstat.FloatDoubleAbsVisitor_swigregister(FloatDoubleAbsVisitor)
class IntDoubleAbsVisitor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntDoubleAbsVisitor
def clear(self) -> "void":
return _npstat.IntDoubleAbsVisitor_clear(self)
def process(self, value: "int const &") -> "void":
return _npstat.IntDoubleAbsVisitor_process(self, value)
def result(self) -> "double":
return _npstat.IntDoubleAbsVisitor_result(self)
# Register IntDoubleAbsVisitor in _npstat:
_npstat.IntDoubleAbsVisitor_swigregister(IntDoubleAbsVisitor)
class LongDoubleAbsVisitor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongDoubleAbsVisitor
def clear(self) -> "void":
return _npstat.LongDoubleAbsVisitor_clear(self)
def process(self, value: "long const &") -> "void":
return _npstat.LongDoubleAbsVisitor_process(self, value)
def result(self) -> "double":
return _npstat.LongDoubleAbsVisitor_result(self)
# Register LongDoubleAbsVisitor in _npstat:
_npstat.LongDoubleAbsVisitor_swigregister(LongDoubleAbsVisitor)
class UCharDoubleAbsVisitor(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharDoubleAbsVisitor
def clear(self) -> "void":
return _npstat.UCharDoubleAbsVisitor_clear(self)
def process(self, value: "unsigned char const &") -> "void":
return _npstat.UCharDoubleAbsVisitor_process(self, value)
def result(self) -> "double":
return _npstat.UCharDoubleAbsVisitor_result(self)
# Register UCharDoubleAbsVisitor in _npstat:
_npstat.UCharDoubleAbsVisitor_swigregister(UCharDoubleAbsVisitor)
class UCharBoxNDScanner(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.UCharBoxNDScanner_swiginit(self, _npstat.new_UCharBoxNDScanner(*args))
def dim(self) -> "unsigned int":
return _npstat.UCharBoxNDScanner_dim(self)
def state(self) -> "unsigned long":
return _npstat.UCharBoxNDScanner_state(self)
def maxState(self) -> "unsigned long":
return _npstat.UCharBoxNDScanner_maxState(self)
def isValid(self) -> "bool":
return _npstat.UCharBoxNDScanner_isValid(self)
def reset(self) -> "void":
return _npstat.UCharBoxNDScanner_reset(self)
def setState(self, state: "unsigned long const") -> "void":
return _npstat.UCharBoxNDScanner_setState(self, state)
def getCoords(self) -> "std::vector< unsigned char,std::allocator< unsigned char > >":
return _npstat.UCharBoxNDScanner_getCoords(self)
def getIndex(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.UCharBoxNDScanner_getIndex(self)
def next(self) -> "void":
return _npstat.UCharBoxNDScanner_next(self)
__swig_destroy__ = _npstat.delete_UCharBoxNDScanner
# Register UCharBoxNDScanner in _npstat:
_npstat.UCharBoxNDScanner_swigregister(UCharBoxNDScanner)
class IntBoxNDScanner(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.IntBoxNDScanner_swiginit(self, _npstat.new_IntBoxNDScanner(*args))
def dim(self) -> "unsigned int":
return _npstat.IntBoxNDScanner_dim(self)
def state(self) -> "unsigned long":
return _npstat.IntBoxNDScanner_state(self)
def maxState(self) -> "unsigned long":
return _npstat.IntBoxNDScanner_maxState(self)
def isValid(self) -> "bool":
return _npstat.IntBoxNDScanner_isValid(self)
def reset(self) -> "void":
return _npstat.IntBoxNDScanner_reset(self)
def setState(self, state: "unsigned long const") -> "void":
return _npstat.IntBoxNDScanner_setState(self, state)
def getCoords(self) -> "std::vector< int,std::allocator< int > >":
return _npstat.IntBoxNDScanner_getCoords(self)
def getIndex(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.IntBoxNDScanner_getIndex(self)
def next(self) -> "void":
return _npstat.IntBoxNDScanner_next(self)
__swig_destroy__ = _npstat.delete_IntBoxNDScanner
# Register IntBoxNDScanner in _npstat:
_npstat.IntBoxNDScanner_swigregister(IntBoxNDScanner)
class LongBoxNDScanner(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LongBoxNDScanner_swiginit(self, _npstat.new_LongBoxNDScanner(*args))
def dim(self) -> "unsigned int":
return _npstat.LongBoxNDScanner_dim(self)
def state(self) -> "unsigned long":
return _npstat.LongBoxNDScanner_state(self)
def maxState(self) -> "unsigned long":
return _npstat.LongBoxNDScanner_maxState(self)
def isValid(self) -> "bool":
return _npstat.LongBoxNDScanner_isValid(self)
def reset(self) -> "void":
return _npstat.LongBoxNDScanner_reset(self)
def setState(self, state: "unsigned long const") -> "void":
return _npstat.LongBoxNDScanner_setState(self, state)
def getCoords(self) -> "std::vector< long,std::allocator< long > >":
return _npstat.LongBoxNDScanner_getCoords(self)
def getIndex(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.LongBoxNDScanner_getIndex(self)
def next(self) -> "void":
return _npstat.LongBoxNDScanner_next(self)
__swig_destroy__ = _npstat.delete_LongBoxNDScanner
# Register LongBoxNDScanner in _npstat:
_npstat.LongBoxNDScanner_swigregister(LongBoxNDScanner)
class FloatBoxNDScanner(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatBoxNDScanner_swiginit(self, _npstat.new_FloatBoxNDScanner(*args))
def dim(self) -> "unsigned int":
return _npstat.FloatBoxNDScanner_dim(self)
def state(self) -> "unsigned long":
return _npstat.FloatBoxNDScanner_state(self)
def maxState(self) -> "unsigned long":
return _npstat.FloatBoxNDScanner_maxState(self)
def isValid(self) -> "bool":
return _npstat.FloatBoxNDScanner_isValid(self)
def reset(self) -> "void":
return _npstat.FloatBoxNDScanner_reset(self)
def setState(self, state: "unsigned long const") -> "void":
return _npstat.FloatBoxNDScanner_setState(self, state)
def getCoords(self) -> "std::vector< float,std::allocator< float > >":
return _npstat.FloatBoxNDScanner_getCoords(self)
def getIndex(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.FloatBoxNDScanner_getIndex(self)
def next(self) -> "void":
return _npstat.FloatBoxNDScanner_next(self)
__swig_destroy__ = _npstat.delete_FloatBoxNDScanner
# Register FloatBoxNDScanner in _npstat:
_npstat.FloatBoxNDScanner_swigregister(FloatBoxNDScanner)
class DoubleBoxNDScanner(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleBoxNDScanner_swiginit(self, _npstat.new_DoubleBoxNDScanner(*args))
def dim(self) -> "unsigned int":
return _npstat.DoubleBoxNDScanner_dim(self)
def state(self) -> "unsigned long":
return _npstat.DoubleBoxNDScanner_state(self)
def maxState(self) -> "unsigned long":
return _npstat.DoubleBoxNDScanner_maxState(self)
def isValid(self) -> "bool":
return _npstat.DoubleBoxNDScanner_isValid(self)
def reset(self) -> "void":
return _npstat.DoubleBoxNDScanner_reset(self)
def setState(self, state: "unsigned long const") -> "void":
return _npstat.DoubleBoxNDScanner_setState(self, state)
def getCoords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleBoxNDScanner_getCoords(self)
def getIndex(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.DoubleBoxNDScanner_getIndex(self)
def next(self) -> "void":
return _npstat.DoubleBoxNDScanner_next(self)
__swig_destroy__ = _npstat.delete_DoubleBoxNDScanner
# Register DoubleBoxNDScanner in _npstat:
_npstat.DoubleBoxNDScanner_swigregister(DoubleBoxNDScanner)
class ScanExtremum1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, loc: "double const", val: "double const", isMin: "bool const", b: "bool const"):
_npstat.ScanExtremum1D_swiginit(self, _npstat.new_ScanExtremum1D(loc, val, isMin, b))
def location(self) -> "double":
return _npstat.ScanExtremum1D_location(self)
def value(self) -> "double":
return _npstat.ScanExtremum1D_value(self)
def isMinimum(self) -> "bool":
return _npstat.ScanExtremum1D_isMinimum(self)
def isOnTheBoundary(self) -> "bool":
return _npstat.ScanExtremum1D_isOnTheBoundary(self)
__swig_destroy__ = _npstat.delete_ScanExtremum1D
# Register ScanExtremum1D in _npstat:
_npstat.ScanExtremum1D_swigregister(ScanExtremum1D)
def findScanMinimum1D(xcoords: "double const *", yvalues: "double const *") -> "npstat::ScanExtremum1D":
return _npstat.findScanMinimum1D(xcoords, yvalues)
def findScanMaximum1D(xcoords: "double const *", yvalues: "double const *") -> "npstat::ScanExtremum1D":
return _npstat.findScanMaximum1D(xcoords, yvalues)
class ConvolutionEngineND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ConvolutionEngineND_swiginit(self, _npstat.new_ConvolutionEngineND(*args))
__swig_destroy__ = _npstat.delete_ConvolutionEngineND
def discardFilter(self, id: "unsigned long") -> "bool":
return _npstat.ConvolutionEngineND_discardFilter(self, id)
def clearFilterBank(self) -> "void":
return _npstat.ConvolutionEngineND_clearFilterBank(self)
def isShapeCompatible(self, shape: "unsigned int const *") -> "bool":
return _npstat.ConvolutionEngineND_isShapeCompatible(self, shape)
def rank(self) -> "unsigned int":
return _npstat.ConvolutionEngineND_rank(self)
def shape(self) -> "std::vector< unsigned int,std::allocator< unsigned int > > const &":
return _npstat.ConvolutionEngineND_shape(self)
def dataLength(self) -> "unsigned long":
return _npstat.ConvolutionEngineND_dataLength(self)
def isFilterSet(self) -> "bool":
return _npstat.ConvolutionEngineND_isFilterSet(self)
def filterBankSize(self) -> "unsigned int":
return _npstat.ConvolutionEngineND_filterBankSize(self)
def setFilter(self, input: "PyObject *") -> "void":
return _npstat.ConvolutionEngineND_setFilter(self, input)
def depositFilter(self, id: "unsigned long const", input: "PyObject *") -> "void":
return _npstat.ConvolutionEngineND_depositFilter(self, id, input)
def convolveWithFilter(self, input: "PyObject *", makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.ConvolutionEngineND_convolveWithFilter(self, input, makeNonNegative)
def convolveWithDeposit(self, id: "unsigned long const", input: "PyObject *", makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.ConvolutionEngineND_convolveWithDeposit(self, id, input, makeNonNegative)
def convolveFilterAndDeposit(self, id: "unsigned long const", makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.ConvolutionEngineND_convolveFilterAndDeposit(self, id, makeNonNegative)
# Register ConvolutionEngineND in _npstat:
_npstat.ConvolutionEngineND_swigregister(ConvolutionEngineND)
class EquidistantInLinearSpace(DoubleVector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, minScale: "double", maxScale: "double", nScales: "unsigned int"):
_npstat.EquidistantInLinearSpace_swiginit(self, _npstat.new_EquidistantInLinearSpace(minScale, maxScale, nScales))
__swig_destroy__ = _npstat.delete_EquidistantInLinearSpace
# Register EquidistantInLinearSpace in _npstat:
_npstat.EquidistantInLinearSpace_swigregister(EquidistantInLinearSpace)
class EquidistantInLogSpace(DoubleVector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, minScale: "double", maxScale: "double", nScales: "unsigned int"):
_npstat.EquidistantInLogSpace_swiginit(self, _npstat.new_EquidistantInLogSpace(minScale, maxScale, nScales))
__swig_destroy__ = _npstat.delete_EquidistantInLogSpace
# Register EquidistantInLogSpace in _npstat:
_npstat.EquidistantInLogSpace_swigregister(EquidistantInLogSpace)
class AbsPolyFilterND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsPolyFilterND
def dim(self) -> "unsigned int":
return _npstat.AbsPolyFilterND_dim(self)
def dataShape(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.AbsPolyFilterND_dataShape(self)
def selfContribution(self, index: "unsigned int const *", lenIndex: "unsigned int") -> "double":
return _npstat.AbsPolyFilterND_selfContribution(self, index, lenIndex)
def linearSelfContribution(self, index: "unsigned long") -> "double":
return _npstat.AbsPolyFilterND_linearSelfContribution(self, index)
# Register AbsPolyFilterND in _npstat:
_npstat.AbsPolyFilterND_swigregister(AbsPolyFilterND)
class BasicPolyFilterND(AbsPolyFilterND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, shape: "UIntVector", selfContrib: "double const"):
_npstat.BasicPolyFilterND_swiginit(self, _npstat.new_BasicPolyFilterND(shape, selfContrib))
__swig_destroy__ = _npstat.delete_BasicPolyFilterND
def dim(self) -> "unsigned int":
return _npstat.BasicPolyFilterND_dim(self)
def dataShape(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.BasicPolyFilterND_dataShape(self)
def selfContribution(self, arg2: "unsigned int const *", arg3: "unsigned int") -> "double":
return _npstat.BasicPolyFilterND_selfContribution(self, arg2, arg3)
def linearSelfContribution(self, arg2: "unsigned long") -> "double":
return _npstat.BasicPolyFilterND_linearSelfContribution(self, arg2)
# Register BasicPolyFilterND in _npstat:
_npstat.BasicPolyFilterND_swigregister(BasicPolyFilterND)
class LocalPolyFilterND_10(AbsPolyFilterND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
deg_size = _npstat.LocalPolyFilterND_10_deg_size
__swig_destroy__ = _npstat.delete_LocalPolyFilterND_10
def dim(self) -> "unsigned int":
return _npstat.LocalPolyFilterND_10_dim(self)
def maxDegree(self) -> "unsigned int":
return _npstat.LocalPolyFilterND_10_maxDegree(self)
def dataShape(self) -> "npstat::ArrayShape":
return _npstat.LocalPolyFilterND_10_dataShape(self)
def taper(self, degree: "unsigned int") -> "double":
return _npstat.LocalPolyFilterND_10_taper(self, degree)
def getFilterMatrix(self) -> "npstat::Matrix< double >":
return _npstat.LocalPolyFilterND_10_getFilterMatrix(self)
def selfContribution(self, index: "unsigned int const *") -> "double":
return _npstat.LocalPolyFilterND_10_selfContribution(self, index)
def linearSelfContribution(self, index: "unsigned long") -> "double":
return _npstat.LocalPolyFilterND_10_linearSelfContribution(self, index)
def classId(self) -> "gs::ClassId":
return _npstat.LocalPolyFilterND_10_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.LocalPolyFilterND_10_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.LocalPolyFilterND_10_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LocalPolyFilterND_10_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LocalPolyFilterND< 10U > *":
return _npstat.LocalPolyFilterND_10_read(id, _in)
@staticmethod
def classMaxDegree() -> "unsigned int":
return _npstat.LocalPolyFilterND_10_classMaxDegree()
def __init__(self, *args):
_npstat.LocalPolyFilterND_10_swiginit(self, _npstat.new_LocalPolyFilterND_10(*args))
def isCompatible(self, *args) -> "bool":
return _npstat.LocalPolyFilterND_10_isCompatible(self, *args)
def filter(self, *args) -> "void":
return _npstat.LocalPolyFilterND_10_filter(self, *args)
def convolve(self, *args) -> "void":
return _npstat.LocalPolyFilterND_10_convolve(self, *args)
# Register LocalPolyFilterND_10 in _npstat:
_npstat.LocalPolyFilterND_10_swigregister(LocalPolyFilterND_10)
def LocalPolyFilterND_10_classname() -> "char const *":
return _npstat.LocalPolyFilterND_10_classname()
def LocalPolyFilterND_10_version() -> "unsigned int":
return _npstat.LocalPolyFilterND_10_version()
def LocalPolyFilterND_10_read(id: "ClassId", _in: "istream") -> "npstat::LocalPolyFilterND< 10U > *":
return _npstat.LocalPolyFilterND_10_read(id, _in)
def LocalPolyFilterND_10_classMaxDegree() -> "unsigned int":
return _npstat.LocalPolyFilterND_10_classMaxDegree()
class ArchiveRecord_LocalPolyFilterND_10(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LocalPolyFilterND_10", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LocalPolyFilterND_10_swiginit(self, _npstat.new_ArchiveRecord_LocalPolyFilterND_10(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LocalPolyFilterND_10
# Register ArchiveRecord_LocalPolyFilterND_10 in _npstat:
_npstat.ArchiveRecord_LocalPolyFilterND_10_swigregister(ArchiveRecord_LocalPolyFilterND_10)
class Ref_LocalPolyFilterND_10(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LocalPolyFilterND_10_swiginit(self, _npstat.new_Ref_LocalPolyFilterND_10(*args))
def restore(self, index: "unsigned long", obj: "LocalPolyFilterND_10") -> "void":
return _npstat.Ref_LocalPolyFilterND_10_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LocalPolyFilterND< 10U > *":
return _npstat.Ref_LocalPolyFilterND_10_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::LocalPolyFilterND< 10U >":
return _npstat.Ref_LocalPolyFilterND_10_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LocalPolyFilterND_10
# Register Ref_LocalPolyFilterND_10 in _npstat:
_npstat.Ref_LocalPolyFilterND_10_swigregister(Ref_LocalPolyFilterND_10)
class AbsPolyFilter1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsPolyFilter1D
def dataLen(self) -> "unsigned int":
return _npstat.AbsPolyFilter1D_dataLen(self)
def selfContribution(self, index: "unsigned int") -> "double":
return _npstat.AbsPolyFilter1D_selfContribution(self, index)
# Register AbsPolyFilter1D in _npstat:
_npstat.AbsPolyFilter1D_swigregister(AbsPolyFilter1D)
class ContribConstant1D(AbsPolyFilter1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, contrib: "double const", n: "unsigned int const"):
_npstat.ContribConstant1D_swiginit(self, _npstat.new_ContribConstant1D(contrib, n))
__swig_destroy__ = _npstat.delete_ContribConstant1D
def dataLen(self) -> "unsigned int":
return _npstat.ContribConstant1D_dataLen(self)
def selfContribution(self, arg2: "unsigned int") -> "double":
return _npstat.ContribConstant1D_selfContribution(self, arg2)
# Register ContribConstant1D in _npstat:
_npstat.ContribConstant1D_swigregister(ContribConstant1D)
class ContribVector1D(AbsPolyFilter1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, contrib: "double const *"):
_npstat.ContribVector1D_swiginit(self, _npstat.new_ContribVector1D(contrib))
__swig_destroy__ = _npstat.delete_ContribVector1D
def dataLen(self) -> "unsigned int":
return _npstat.ContribVector1D_dataLen(self)
def selfContribution(self, index: "unsigned int const") -> "double":
return _npstat.ContribVector1D_selfContribution(self, index)
# Register ContribVector1D in _npstat:
_npstat.ContribVector1D_swigregister(ContribVector1D)
class BoundaryHandling(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
BM_MAXPARAMS = _npstat.BoundaryHandling_BM_MAXPARAMS
def __init__(self, *args):
_npstat.BoundaryHandling_swiginit(self, _npstat.new_BoundaryHandling(*args))
def methodName(self) -> "char const *":
return _npstat.BoundaryHandling_methodName(self)
def parameters(self) -> "double const *":
return _npstat.BoundaryHandling_parameters(self)
def nParameters(self) -> "unsigned int":
return _npstat.BoundaryHandling_nParameters(self)
def methodId(self) -> "unsigned int":
return _npstat.BoundaryHandling_methodId(self)
def __eq__(self, r: "BoundaryHandling") -> "bool":
return _npstat.BoundaryHandling___eq__(self, r)
def __ne__(self, r: "BoundaryHandling") -> "bool":
return _npstat.BoundaryHandling___ne__(self, r)
def __lt__(self, r: "BoundaryHandling") -> "bool":
return _npstat.BoundaryHandling___lt__(self, r)
def __gt__(self, r: "BoundaryHandling") -> "bool":
return _npstat.BoundaryHandling___gt__(self, r)
@staticmethod
def isValidMethodName(name: "char const *") -> "bool":
return _npstat.BoundaryHandling_isValidMethodName(name)
@staticmethod
def validMethodNames() -> "std::string":
return _npstat.BoundaryHandling_validMethodNames()
@staticmethod
def isParameterFree(name: "char const *") -> "bool":
return _npstat.BoundaryHandling_isParameterFree(name)
@staticmethod
def parameterFreeNames() -> "std::string":
return _npstat.BoundaryHandling_parameterFreeNames()
@staticmethod
def expectedNParameters(name: "char const *") -> "unsigned int":
return _npstat.BoundaryHandling_expectedNParameters(name)
def classId(self) -> "gs::ClassId":
return _npstat.BoundaryHandling_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.BoundaryHandling_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.BoundaryHandling_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.BoundaryHandling_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", ptr: "BoundaryHandling") -> "void":
return _npstat.BoundaryHandling_restore(id, _in, ptr)
__swig_destroy__ = _npstat.delete_BoundaryHandling
# Register BoundaryHandling in _npstat:
_npstat.BoundaryHandling_swigregister(BoundaryHandling)
def BoundaryHandling_isValidMethodName(name: "char const *") -> "bool":
return _npstat.BoundaryHandling_isValidMethodName(name)
def BoundaryHandling_validMethodNames() -> "std::string":
return _npstat.BoundaryHandling_validMethodNames()
def BoundaryHandling_isParameterFree(name: "char const *") -> "bool":
return _npstat.BoundaryHandling_isParameterFree(name)
def BoundaryHandling_parameterFreeNames() -> "std::string":
return _npstat.BoundaryHandling_parameterFreeNames()
def BoundaryHandling_expectedNParameters(name: "char const *") -> "unsigned int":
return _npstat.BoundaryHandling_expectedNParameters(name)
def BoundaryHandling_classname() -> "char const *":
return _npstat.BoundaryHandling_classname()
def BoundaryHandling_version() -> "unsigned int":
return _npstat.BoundaryHandling_version()
def BoundaryHandling_restore(id: "ClassId", _in: "istream", ptr: "BoundaryHandling") -> "void":
return _npstat.BoundaryHandling_restore(id, _in, ptr)
class PolyFilter1D(LDoubleVector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, peak: "unsigned int const"):
_npstat.PolyFilter1D_swiginit(self, _npstat.new_PolyFilter1D(peak))
def peakPosition(self) -> "unsigned int":
return _npstat.PolyFilter1D_peakPosition(self)
def __eq__(self, r: "PolyFilter1D") -> "bool":
return _npstat.PolyFilter1D___eq__(self, r)
def __ne__(self, r: "PolyFilter1D") -> "bool":
return _npstat.PolyFilter1D___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.PolyFilter1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.PolyFilter1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.PolyFilter1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.PolyFilter1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::PolyFilter1D *":
return _npstat.PolyFilter1D_read(id, _in)
def valueAt(self, i: "unsigned int const") -> "double":
return _npstat.PolyFilter1D_valueAt(self, i)
__swig_destroy__ = _npstat.delete_PolyFilter1D
# Register PolyFilter1D in _npstat:
_npstat.PolyFilter1D_swigregister(PolyFilter1D)
def PolyFilter1D_classname() -> "char const *":
return _npstat.PolyFilter1D_classname()
def PolyFilter1D_version() -> "unsigned int":
return _npstat.PolyFilter1D_version()
def PolyFilter1D_read(id: "ClassId", _in: "istream") -> "npstat::PolyFilter1D *":
return _npstat.PolyFilter1D_read(id, _in)
class AbsFilter1DBuilder(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsFilter1DBuilder
def centralWeightLength(self) -> "unsigned int":
return _npstat.AbsFilter1DBuilder_centralWeightLength(self)
def keepAllFilters(self) -> "bool":
return _npstat.AbsFilter1DBuilder_keepAllFilters(self)
def lastBandwidthFactor(self) -> "double":
return _npstat.AbsFilter1DBuilder_lastBandwidthFactor(self)
def makeFilter(self, taper: "DoubleVector", maxDegree: "unsigned int const", binnum: "unsigned int const", datalen: "unsigned int const") -> "npstat::PolyFilter1D *":
return _npstat.AbsFilter1DBuilder_makeFilter(self, taper, maxDegree, binnum, datalen)
# Register AbsFilter1DBuilder in _npstat:
_npstat.AbsFilter1DBuilder_swigregister(AbsFilter1DBuilder)
class OrthoPolyFilter1DBuilder(AbsFilter1DBuilder):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_OrthoPolyFilter1DBuilder
def makeOrthoPoly(self, maxDegree: "unsigned int", binnum: "unsigned int", datalen: "unsigned int", filterCenter: "unsigned int *") -> "npstat::OrthoPoly1D *":
return _npstat.OrthoPolyFilter1DBuilder_makeOrthoPoly(self, maxDegree, binnum, datalen, filterCenter)
# Register OrthoPolyFilter1DBuilder in _npstat:
_npstat.OrthoPolyFilter1DBuilder_swigregister(OrthoPolyFilter1DBuilder)
class AbsBoundaryFilter1DBuilder(OrthoPolyFilter1DBuilder):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsBoundaryFilter1DBuilder
def centralWeightLength(self) -> "unsigned int":
return _npstat.AbsBoundaryFilter1DBuilder_centralWeightLength(self)
def keepAllFilters(self) -> "bool":
return _npstat.AbsBoundaryFilter1DBuilder_keepAllFilters(self)
def makeOrthoPoly(self, maxDegree: "unsigned int", binnum: "unsigned int", datalen: "unsigned int", filterCenter: "unsigned int *") -> "npstat::OrthoPoly1D *":
return _npstat.AbsBoundaryFilter1DBuilder_makeOrthoPoly(self, maxDegree, binnum, datalen, filterCenter)
def isFolding(self) -> "bool":
return _npstat.AbsBoundaryFilter1DBuilder_isFolding(self)
def lastBandwidthFactor(self) -> "double":
return _npstat.AbsBoundaryFilter1DBuilder_lastBandwidthFactor(self)
# Register AbsBoundaryFilter1DBuilder in _npstat:
_npstat.AbsBoundaryFilter1DBuilder_swigregister(AbsBoundaryFilter1DBuilder)
def getBoundaryFilter1DBuilder(boundaryMethod: "BoundaryHandling", distro: "AbsDistribution1D", stepSize: "double", exclusionMask: "IntVector"=None, excludeCentralPoint: "bool"=False) -> "npstat::AbsBoundaryFilter1DBuilder *":
return _npstat.getBoundaryFilter1DBuilder(boundaryMethod, distro, stepSize, exclusionMask, excludeCentralPoint)
class AllSymbetaParams1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.AllSymbetaParams1D_swiginit(self, _npstat.new_AllSymbetaParams1D(*args))
def __lt__(self, r: "AllSymbetaParams1D") -> "bool":
return _npstat.AllSymbetaParams1D___lt__(self, r)
def __gt__(self, r: "AllSymbetaParams1D") -> "bool":
return _npstat.AllSymbetaParams1D___gt__(self, r)
def __eq__(self, r: "AllSymbetaParams1D") -> "bool":
return _npstat.AllSymbetaParams1D___eq__(self, r)
def __ne__(self, r: "AllSymbetaParams1D") -> "bool":
return _npstat.AllSymbetaParams1D___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.AllSymbetaParams1D_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.AllSymbetaParams1D_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.AllSymbetaParams1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.AllSymbetaParams1D_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", ptr: "AllSymbetaParams1D") -> "void":
return _npstat.AllSymbetaParams1D_restore(id, _in, ptr)
def get_bandwidth(self) -> "double":
return _npstat.AllSymbetaParams1D_get_bandwidth(self)
def get_degree(self) -> "double":
return _npstat.AllSymbetaParams1D_get_degree(self)
def get_binwidth(self) -> "double":
return _npstat.AllSymbetaParams1D_get_binwidth(self)
def get_nbins(self) -> "unsigned int":
return _npstat.AllSymbetaParams1D_get_nbins(self)
def get_excludedBin(self) -> "unsigned int":
return _npstat.AllSymbetaParams1D_get_excludedBin(self)
def get_symbetaPower(self) -> "int":
return _npstat.AllSymbetaParams1D_get_symbetaPower(self)
def get_bm(self) -> "npstat::BoundaryHandling const &":
return _npstat.AllSymbetaParams1D_get_bm(self)
def get_excludeCentralPoint(self) -> "bool":
return _npstat.AllSymbetaParams1D_get_excludeCentralPoint(self)
__swig_destroy__ = _npstat.delete_AllSymbetaParams1D
# Register AllSymbetaParams1D in _npstat:
_npstat.AllSymbetaParams1D_swigregister(AllSymbetaParams1D)
def AllSymbetaParams1D_classname() -> "char const *":
return _npstat.AllSymbetaParams1D_classname()
def AllSymbetaParams1D_version() -> "unsigned int":
return _npstat.AllSymbetaParams1D_version()
def AllSymbetaParams1D_restore(id: "ClassId", _in: "istream", ptr: "AllSymbetaParams1D") -> "void":
return _npstat.AllSymbetaParams1D_restore(id, _in, ptr)
class AllSymbetaParams1DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.AllSymbetaParams1DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.AllSymbetaParams1DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.AllSymbetaParams1DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::AllSymbetaParams1D >::size_type":
return _npstat.AllSymbetaParams1DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::AllSymbetaParams1D >::difference_type", j: "std::vector< npstat::AllSymbetaParams1D >::difference_type") -> "std::vector< npstat::AllSymbetaParams1D,std::allocator< npstat::AllSymbetaParams1D > > *":
return _npstat.AllSymbetaParams1DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.AllSymbetaParams1DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::AllSymbetaParams1D >::difference_type", j: "std::vector< npstat::AllSymbetaParams1D >::difference_type") -> "void":
return _npstat.AllSymbetaParams1DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.AllSymbetaParams1DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::AllSymbetaParams1D >::value_type const &":
return _npstat.AllSymbetaParams1DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.AllSymbetaParams1DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::AllSymbetaParams1D >::value_type":
return _npstat.AllSymbetaParams1DVector_pop(self)
def append(self, x: "AllSymbetaParams1D") -> "void":
return _npstat.AllSymbetaParams1DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.AllSymbetaParams1DVector_empty(self)
def size(self) -> "std::vector< npstat::AllSymbetaParams1D >::size_type":
return _npstat.AllSymbetaParams1DVector_size(self)
def swap(self, v: "AllSymbetaParams1DVector") -> "void":
return _npstat.AllSymbetaParams1DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::AllSymbetaParams1D >::iterator":
return _npstat.AllSymbetaParams1DVector_begin(self)
def end(self) -> "std::vector< npstat::AllSymbetaParams1D >::iterator":
return _npstat.AllSymbetaParams1DVector_end(self)
def rbegin(self) -> "std::vector< npstat::AllSymbetaParams1D >::reverse_iterator":
return _npstat.AllSymbetaParams1DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::AllSymbetaParams1D >::reverse_iterator":
return _npstat.AllSymbetaParams1DVector_rend(self)
def clear(self) -> "void":
return _npstat.AllSymbetaParams1DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::AllSymbetaParams1D >::allocator_type":
return _npstat.AllSymbetaParams1DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.AllSymbetaParams1DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::AllSymbetaParams1D >::iterator":
return _npstat.AllSymbetaParams1DVector_erase(self, *args)
def __init__(self, *args):
_npstat.AllSymbetaParams1DVector_swiginit(self, _npstat.new_AllSymbetaParams1DVector(*args))
def push_back(self, x: "AllSymbetaParams1D") -> "void":
return _npstat.AllSymbetaParams1DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::AllSymbetaParams1D >::value_type const &":
return _npstat.AllSymbetaParams1DVector_front(self)
def back(self) -> "std::vector< npstat::AllSymbetaParams1D >::value_type const &":
return _npstat.AllSymbetaParams1DVector_back(self)
def assign(self, n: "std::vector< npstat::AllSymbetaParams1D >::size_type", x: "AllSymbetaParams1D") -> "void":
return _npstat.AllSymbetaParams1DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.AllSymbetaParams1DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.AllSymbetaParams1DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::AllSymbetaParams1D >::size_type") -> "void":
return _npstat.AllSymbetaParams1DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::AllSymbetaParams1D >::size_type":
return _npstat.AllSymbetaParams1DVector_capacity(self)
__swig_destroy__ = _npstat.delete_AllSymbetaParams1DVector
# Register AllSymbetaParams1DVector in _npstat:
_npstat.AllSymbetaParams1DVector_swigregister(AllSymbetaParams1DVector)
class LocalPolyFilter1D(AbsPolyFilter1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LocalPolyFilter1D_swiginit(self, _npstat.new_LocalPolyFilter1D(*args))
__swig_destroy__ = _npstat.delete_LocalPolyFilter1D
def __eq__(self, r: "LocalPolyFilter1D") -> "bool":
return _npstat.LocalPolyFilter1D___eq__(self, r)
def __ne__(self, r: "LocalPolyFilter1D") -> "bool":
return _npstat.LocalPolyFilter1D___ne__(self, r)
def taper(self, degree: "unsigned int") -> "double":
return _npstat.LocalPolyFilter1D_taper(self, degree)
def maxDegree(self) -> "unsigned int":
return _npstat.LocalPolyFilter1D_maxDegree(self)
def dataLen(self) -> "unsigned int":
return _npstat.LocalPolyFilter1D_dataLen(self)
def getBandwidthFactors(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.LocalPolyFilter1D_getBandwidthFactors(self)
def selfContribution(self, binNumber: "unsigned int") -> "double":
return _npstat.LocalPolyFilter1D_selfContribution(self, binNumber)
def getFilter(self, binNumber: "unsigned int") -> "npstat::PolyFilter1D const &":
return _npstat.LocalPolyFilter1D_getFilter(self, binNumber)
def getFilterMatrix(self) -> "npstat::Matrix< double >":
return _npstat.LocalPolyFilter1D_getFilterMatrix(self)
def classId(self) -> "gs::ClassId":
return _npstat.LocalPolyFilter1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.LocalPolyFilter1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.LocalPolyFilter1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LocalPolyFilter1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LocalPolyFilter1D *":
return _npstat.LocalPolyFilter1D_read(id, _in)
def doublyStochasticFilter(self, tolerance: "double", maxIterations: "unsigned int") -> "npstat::LocalPolyFilter1D *":
return _npstat.LocalPolyFilter1D_doublyStochasticFilter(self, tolerance, maxIterations)
def eigenGroomedFilter(self) -> "npstat::LocalPolyFilter1D *":
return _npstat.LocalPolyFilter1D_eigenGroomedFilter(self)
def filter(self, _in: "double const *", makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.LocalPolyFilter1D_filter(self, _in, makeNonNegative)
def convolve(self, _in: "double const *", makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.LocalPolyFilter1D_convolve(self, _in, makeNonNegative)
def filterIntoBuffer(self, _in: "double const *", out: "double *", makeNonNegative: "bool const"=False) -> "void":
return _npstat.LocalPolyFilter1D_filterIntoBuffer(self, _in, out, makeNonNegative)
def convolveIntoBuffer(self, _in: "double const *", out: "double *", makeNonNegative: "bool const"=False) -> "void":
return _npstat.LocalPolyFilter1D_convolveIntoBuffer(self, _in, out, makeNonNegative)
# Register LocalPolyFilter1D in _npstat:
_npstat.LocalPolyFilter1D_swigregister(LocalPolyFilter1D)
def LocalPolyFilter1D_classname() -> "char const *":
return _npstat.LocalPolyFilter1D_classname()
def LocalPolyFilter1D_version() -> "unsigned int":
return _npstat.LocalPolyFilter1D_version()
def LocalPolyFilter1D_read(id: "ClassId", _in: "istream") -> "npstat::LocalPolyFilter1D *":
return _npstat.LocalPolyFilter1D_read(id, _in)
class DummyLocalPolyFilter1D(LocalPolyFilter1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, dataLen: "unsigned int"):
_npstat.DummyLocalPolyFilter1D_swiginit(self, _npstat.new_DummyLocalPolyFilter1D(dataLen))
__swig_destroy__ = _npstat.delete_DummyLocalPolyFilter1D
def classId(self) -> "gs::ClassId":
return _npstat.DummyLocalPolyFilter1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.DummyLocalPolyFilter1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.DummyLocalPolyFilter1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DummyLocalPolyFilter1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::DummyLocalPolyFilter1D *":
return _npstat.DummyLocalPolyFilter1D_read(id, _in)
# Register DummyLocalPolyFilter1D in _npstat:
_npstat.DummyLocalPolyFilter1D_swigregister(DummyLocalPolyFilter1D)
def DummyLocalPolyFilter1D_classname() -> "char const *":
return _npstat.DummyLocalPolyFilter1D_classname()
def DummyLocalPolyFilter1D_version() -> "unsigned int":
return _npstat.DummyLocalPolyFilter1D_version()
def DummyLocalPolyFilter1D_read(id: "ClassId", _in: "istream") -> "npstat::DummyLocalPolyFilter1D *":
return _npstat.DummyLocalPolyFilter1D_read(id, _in)
def symbetaWeightAt0(m: "int", bandwidth: "double") -> "double":
return _npstat.symbetaWeightAt0(m, bandwidth)
def symbetaLOrPEFilter1D(*args) -> "npstat::LocalPolyFilter1D *":
return _npstat.symbetaLOrPEFilter1D(*args)
class SequentialPolyFilterND(AbsPolyFilterND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.SequentialPolyFilterND_swiginit(self, _npstat.new_SequentialPolyFilterND(*args))
__swig_destroy__ = _npstat.delete_SequentialPolyFilterND
def __eq__(self, r: "SequentialPolyFilterND") -> "bool":
return _npstat.SequentialPolyFilterND___eq__(self, r)
def __ne__(self, r: "SequentialPolyFilterND") -> "bool":
return _npstat.SequentialPolyFilterND___ne__(self, r)
def dim(self) -> "unsigned int":
return _npstat.SequentialPolyFilterND_dim(self)
def takesOwnership(self) -> "bool":
return _npstat.SequentialPolyFilterND_takesOwnership(self)
def dataShape(self) -> "npstat::ArrayShape":
return _npstat.SequentialPolyFilterND_dataShape(self)
def getFilter(self, index: "unsigned int const *") -> "npstat::ArrayND< double >":
return _npstat.SequentialPolyFilterND_getFilter(self, index)
def getFilterMatrix(self) -> "npstat::Matrix< double >":
return _npstat.SequentialPolyFilterND_getFilterMatrix(self)
def selfContribution(self, index: "unsigned int const *") -> "double":
return _npstat.SequentialPolyFilterND_selfContribution(self, index)
def linearSelfContribution(self, index: "unsigned long") -> "double":
return _npstat.SequentialPolyFilterND_linearSelfContribution(self, index)
def classId(self) -> "gs::ClassId":
return _npstat.SequentialPolyFilterND_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.SequentialPolyFilterND_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.SequentialPolyFilterND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.SequentialPolyFilterND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::SequentialPolyFilterND *":
return _npstat.SequentialPolyFilterND_read(id, _in)
def isCompatible(self, *args) -> "bool":
return _npstat.SequentialPolyFilterND_isCompatible(self, *args)
def filter(self, *args) -> "void":
return _npstat.SequentialPolyFilterND_filter(self, *args)
def convolve(self, *args) -> "void":
return _npstat.SequentialPolyFilterND_convolve(self, *args)
# Register SequentialPolyFilterND in _npstat:
_npstat.SequentialPolyFilterND_swigregister(SequentialPolyFilterND)
def SequentialPolyFilterND_classname() -> "char const *":
return _npstat.SequentialPolyFilterND_classname()
def SequentialPolyFilterND_version() -> "unsigned int":
return _npstat.SequentialPolyFilterND_version()
def SequentialPolyFilterND_read(id: "ClassId", _in: "istream") -> "npstat::SequentialPolyFilterND *":
return _npstat.SequentialPolyFilterND_read(id, _in)
class ArchiveRecord_SequentialPolyFilterND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "SequentialPolyFilterND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_SequentialPolyFilterND_swiginit(self, _npstat.new_ArchiveRecord_SequentialPolyFilterND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_SequentialPolyFilterND
# Register ArchiveRecord_SequentialPolyFilterND in _npstat:
_npstat.ArchiveRecord_SequentialPolyFilterND_swigregister(ArchiveRecord_SequentialPolyFilterND)
class Ref_SequentialPolyFilterND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_SequentialPolyFilterND_swiginit(self, _npstat.new_Ref_SequentialPolyFilterND(*args))
def restore(self, index: "unsigned long", obj: "SequentialPolyFilterND") -> "void":
return _npstat.Ref_SequentialPolyFilterND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::SequentialPolyFilterND *":
return _npstat.Ref_SequentialPolyFilterND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::SequentialPolyFilterND":
return _npstat.Ref_SequentialPolyFilterND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_SequentialPolyFilterND
# Register Ref_SequentialPolyFilterND in _npstat:
_npstat.Ref_SequentialPolyFilterND_swigregister(Ref_SequentialPolyFilterND)
class AbsUnfoldingFilterND(AbsPolyFilterND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsUnfoldingFilterND
def filter(self, _in: "DoubleArrayND", out: "DoubleArrayND") -> "void":
return _npstat.AbsUnfoldingFilterND_filter(self, _in, out)
def convolve(self, _in: "DoubleArrayND", out: "DoubleArrayND") -> "void":
return _npstat.AbsUnfoldingFilterND_convolve(self, _in, out)
def getFilterMatrix(self) -> "npstat::Matrix< double >":
return _npstat.AbsUnfoldingFilterND_getFilterMatrix(self)
def __eq__(self, r: "AbsUnfoldingFilterND") -> "bool":
return _npstat.AbsUnfoldingFilterND___eq__(self, r)
def __ne__(self, r: "AbsUnfoldingFilterND") -> "bool":
return _npstat.AbsUnfoldingFilterND___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.AbsUnfoldingFilterND_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.AbsUnfoldingFilterND_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.AbsUnfoldingFilterND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.AbsUnfoldingFilterND_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::AbsUnfoldingFilterND *":
return _npstat.AbsUnfoldingFilterND_read(id, arg2)
# Register AbsUnfoldingFilterND in _npstat:
_npstat.AbsUnfoldingFilterND_swigregister(AbsUnfoldingFilterND)
def AbsUnfoldingFilterND_classname() -> "char const *":
return _npstat.AbsUnfoldingFilterND_classname()
def AbsUnfoldingFilterND_version() -> "unsigned int":
return _npstat.AbsUnfoldingFilterND_version()
def AbsUnfoldingFilterND_read(id: "ClassId", arg2: "istream") -> "npstat::AbsUnfoldingFilterND *":
return _npstat.AbsUnfoldingFilterND_read(id, arg2)
class LocalUnfoldingFilterND_10(AbsUnfoldingFilterND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalUnfoldingFilterND_10
def dim(self) -> "unsigned int":
return _npstat.LocalUnfoldingFilterND_10_dim(self)
def dataShape(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.LocalUnfoldingFilterND_10_dataShape(self)
def selfContribution(self, index: "unsigned int const *", lenIndex: "unsigned int const") -> "double":
return _npstat.LocalUnfoldingFilterND_10_selfContribution(self, index, lenIndex)
def linearSelfContribution(self, index: "unsigned long const") -> "double":
return _npstat.LocalUnfoldingFilterND_10_linearSelfContribution(self, index)
def filter(self, _in: "DoubleArrayND", out: "DoubleArrayND") -> "void":
return _npstat.LocalUnfoldingFilterND_10_filter(self, _in, out)
def convolve(self, _in: "DoubleArrayND", out: "DoubleArrayND") -> "void":
return _npstat.LocalUnfoldingFilterND_10_convolve(self, _in, out)
def getFilterMatrix(self) -> "npstat::Matrix< double >":
return _npstat.LocalUnfoldingFilterND_10_getFilterMatrix(self)
def classId(self) -> "gs::ClassId":
return _npstat.LocalUnfoldingFilterND_10_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LocalUnfoldingFilterND_10_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LocalUnfoldingFilterND_10_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LocalUnfoldingFilterND_10_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::UnfoldingFilterND< npstat::LocalPolyFilterND< 10U > > *":
return _npstat.LocalUnfoldingFilterND_10_read(id, _in)
# Register LocalUnfoldingFilterND_10 in _npstat:
_npstat.LocalUnfoldingFilterND_10_swigregister(LocalUnfoldingFilterND_10)
def LocalUnfoldingFilterND_10_classname() -> "char const *":
return _npstat.LocalUnfoldingFilterND_10_classname()
def LocalUnfoldingFilterND_10_version() -> "unsigned int":
return _npstat.LocalUnfoldingFilterND_10_version()
def LocalUnfoldingFilterND_10_read(id: "ClassId", _in: "istream") -> "npstat::UnfoldingFilterND< npstat::LocalPolyFilterND< 10U > > *":
return _npstat.LocalUnfoldingFilterND_10_read(id, _in)
class SequentialUnfoldingFilterND(AbsUnfoldingFilterND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_SequentialUnfoldingFilterND
def dim(self) -> "unsigned int":
return _npstat.SequentialUnfoldingFilterND_dim(self)
def dataShape(self) -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.SequentialUnfoldingFilterND_dataShape(self)
def selfContribution(self, index: "unsigned int const *", lenIndex: "unsigned int const") -> "double":
return _npstat.SequentialUnfoldingFilterND_selfContribution(self, index, lenIndex)
def linearSelfContribution(self, index: "unsigned long const") -> "double":
return _npstat.SequentialUnfoldingFilterND_linearSelfContribution(self, index)
def filter(self, _in: "DoubleArrayND", out: "DoubleArrayND") -> "void":
return _npstat.SequentialUnfoldingFilterND_filter(self, _in, out)
def convolve(self, _in: "DoubleArrayND", out: "DoubleArrayND") -> "void":
return _npstat.SequentialUnfoldingFilterND_convolve(self, _in, out)
def getFilterMatrix(self) -> "npstat::Matrix< double >":
return _npstat.SequentialUnfoldingFilterND_getFilterMatrix(self)
def classId(self) -> "gs::ClassId":
return _npstat.SequentialUnfoldingFilterND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.SequentialUnfoldingFilterND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.SequentialUnfoldingFilterND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.SequentialUnfoldingFilterND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::UnfoldingFilterND< npstat::SequentialPolyFilterND > *":
return _npstat.SequentialUnfoldingFilterND_read(id, _in)
# Register SequentialUnfoldingFilterND in _npstat:
_npstat.SequentialUnfoldingFilterND_swigregister(SequentialUnfoldingFilterND)
def SequentialUnfoldingFilterND_classname() -> "char const *":
return _npstat.SequentialUnfoldingFilterND_classname()
def SequentialUnfoldingFilterND_version() -> "unsigned int":
return _npstat.SequentialUnfoldingFilterND_version()
def SequentialUnfoldingFilterND_read(id: "ClassId", _in: "istream") -> "npstat::UnfoldingFilterND< npstat::SequentialPolyFilterND > *":
return _npstat.SequentialUnfoldingFilterND_read(id, _in)
def makeFlatFromFlat(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< double,std::allocator< double > > *":
return _npstat.makeFlatFromFlat(data, stride, dimsToUse)
class Point1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point1D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point1D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point1D___bool__(self)
def __len__(self) -> "std::array< double,1U >::size_type":
return _npstat.Point1D___len__(self)
def __getslice__(self, i: "std::array< double,1U >::difference_type", j: "std::array< double,1U >::difference_type") -> "std::array< double,1U > *":
return _npstat.Point1D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point1D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,1U >::difference_type", j: "std::array< double,1U >::difference_type") -> "void":
return _npstat.Point1D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point1D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,1U >::value_type const &":
return _npstat.Point1D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point1D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point1D_swiginit(self, _npstat.new_Point1D(*args))
def empty(self) -> "bool":
return _npstat.Point1D_empty(self)
def size(self) -> "std::array< double,1U >::size_type":
return _npstat.Point1D_size(self)
def swap(self, v: "Point1D") -> "void":
return _npstat.Point1D_swap(self, v)
def begin(self) -> "std::array< double,1U >::iterator":
return _npstat.Point1D_begin(self)
def end(self) -> "std::array< double,1U >::iterator":
return _npstat.Point1D_end(self)
def rbegin(self) -> "std::array< double,1U >::reverse_iterator":
return _npstat.Point1D_rbegin(self)
def rend(self) -> "std::array< double,1U >::reverse_iterator":
return _npstat.Point1D_rend(self)
def front(self) -> "std::array< double,1U >::value_type const &":
return _npstat.Point1D_front(self)
def back(self) -> "std::array< double,1U >::value_type const &":
return _npstat.Point1D_back(self)
def fill(self, u: "std::array< double,1U >::value_type const &") -> "void":
return _npstat.Point1D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point1D
# Register Point1D in _npstat:
_npstat.Point1D_swigregister(Point1D)
class Point2D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point2D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point2D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point2D___bool__(self)
def __len__(self) -> "std::array< double,2U >::size_type":
return _npstat.Point2D___len__(self)
def __getslice__(self, i: "std::array< double,2U >::difference_type", j: "std::array< double,2U >::difference_type") -> "std::array< double,2U > *":
return _npstat.Point2D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point2D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,2U >::difference_type", j: "std::array< double,2U >::difference_type") -> "void":
return _npstat.Point2D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point2D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,2U >::value_type const &":
return _npstat.Point2D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point2D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point2D_swiginit(self, _npstat.new_Point2D(*args))
def empty(self) -> "bool":
return _npstat.Point2D_empty(self)
def size(self) -> "std::array< double,2U >::size_type":
return _npstat.Point2D_size(self)
def swap(self, v: "Point2D") -> "void":
return _npstat.Point2D_swap(self, v)
def begin(self) -> "std::array< double,2U >::iterator":
return _npstat.Point2D_begin(self)
def end(self) -> "std::array< double,2U >::iterator":
return _npstat.Point2D_end(self)
def rbegin(self) -> "std::array< double,2U >::reverse_iterator":
return _npstat.Point2D_rbegin(self)
def rend(self) -> "std::array< double,2U >::reverse_iterator":
return _npstat.Point2D_rend(self)
def front(self) -> "std::array< double,2U >::value_type const &":
return _npstat.Point2D_front(self)
def back(self) -> "std::array< double,2U >::value_type const &":
return _npstat.Point2D_back(self)
def fill(self, u: "std::array< double,2U >::value_type const &") -> "void":
return _npstat.Point2D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point2D
# Register Point2D in _npstat:
_npstat.Point2D_swigregister(Point2D)
class Point3D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point3D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point3D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point3D___bool__(self)
def __len__(self) -> "std::array< double,3U >::size_type":
return _npstat.Point3D___len__(self)
def __getslice__(self, i: "std::array< double,3U >::difference_type", j: "std::array< double,3U >::difference_type") -> "std::array< double,3U > *":
return _npstat.Point3D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point3D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,3U >::difference_type", j: "std::array< double,3U >::difference_type") -> "void":
return _npstat.Point3D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point3D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,3U >::value_type const &":
return _npstat.Point3D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point3D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point3D_swiginit(self, _npstat.new_Point3D(*args))
def empty(self) -> "bool":
return _npstat.Point3D_empty(self)
def size(self) -> "std::array< double,3U >::size_type":
return _npstat.Point3D_size(self)
def swap(self, v: "Point3D") -> "void":
return _npstat.Point3D_swap(self, v)
def begin(self) -> "std::array< double,3U >::iterator":
return _npstat.Point3D_begin(self)
def end(self) -> "std::array< double,3U >::iterator":
return _npstat.Point3D_end(self)
def rbegin(self) -> "std::array< double,3U >::reverse_iterator":
return _npstat.Point3D_rbegin(self)
def rend(self) -> "std::array< double,3U >::reverse_iterator":
return _npstat.Point3D_rend(self)
def front(self) -> "std::array< double,3U >::value_type const &":
return _npstat.Point3D_front(self)
def back(self) -> "std::array< double,3U >::value_type const &":
return _npstat.Point3D_back(self)
def fill(self, u: "std::array< double,3U >::value_type const &") -> "void":
return _npstat.Point3D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point3D
# Register Point3D in _npstat:
_npstat.Point3D_swigregister(Point3D)
class Point4D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point4D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point4D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point4D___bool__(self)
def __len__(self) -> "std::array< double,4U >::size_type":
return _npstat.Point4D___len__(self)
def __getslice__(self, i: "std::array< double,4U >::difference_type", j: "std::array< double,4U >::difference_type") -> "std::array< double,4U > *":
return _npstat.Point4D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point4D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,4U >::difference_type", j: "std::array< double,4U >::difference_type") -> "void":
return _npstat.Point4D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point4D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,4U >::value_type const &":
return _npstat.Point4D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point4D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point4D_swiginit(self, _npstat.new_Point4D(*args))
def empty(self) -> "bool":
return _npstat.Point4D_empty(self)
def size(self) -> "std::array< double,4U >::size_type":
return _npstat.Point4D_size(self)
def swap(self, v: "Point4D") -> "void":
return _npstat.Point4D_swap(self, v)
def begin(self) -> "std::array< double,4U >::iterator":
return _npstat.Point4D_begin(self)
def end(self) -> "std::array< double,4U >::iterator":
return _npstat.Point4D_end(self)
def rbegin(self) -> "std::array< double,4U >::reverse_iterator":
return _npstat.Point4D_rbegin(self)
def rend(self) -> "std::array< double,4U >::reverse_iterator":
return _npstat.Point4D_rend(self)
def front(self) -> "std::array< double,4U >::value_type const &":
return _npstat.Point4D_front(self)
def back(self) -> "std::array< double,4U >::value_type const &":
return _npstat.Point4D_back(self)
def fill(self, u: "std::array< double,4U >::value_type const &") -> "void":
return _npstat.Point4D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point4D
# Register Point4D in _npstat:
_npstat.Point4D_swigregister(Point4D)
class Point5D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point5D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point5D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point5D___bool__(self)
def __len__(self) -> "std::array< double,5U >::size_type":
return _npstat.Point5D___len__(self)
def __getslice__(self, i: "std::array< double,5U >::difference_type", j: "std::array< double,5U >::difference_type") -> "std::array< double,5U > *":
return _npstat.Point5D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point5D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,5U >::difference_type", j: "std::array< double,5U >::difference_type") -> "void":
return _npstat.Point5D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point5D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,5U >::value_type const &":
return _npstat.Point5D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point5D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point5D_swiginit(self, _npstat.new_Point5D(*args))
def empty(self) -> "bool":
return _npstat.Point5D_empty(self)
def size(self) -> "std::array< double,5U >::size_type":
return _npstat.Point5D_size(self)
def swap(self, v: "Point5D") -> "void":
return _npstat.Point5D_swap(self, v)
def begin(self) -> "std::array< double,5U >::iterator":
return _npstat.Point5D_begin(self)
def end(self) -> "std::array< double,5U >::iterator":
return _npstat.Point5D_end(self)
def rbegin(self) -> "std::array< double,5U >::reverse_iterator":
return _npstat.Point5D_rbegin(self)
def rend(self) -> "std::array< double,5U >::reverse_iterator":
return _npstat.Point5D_rend(self)
def front(self) -> "std::array< double,5U >::value_type const &":
return _npstat.Point5D_front(self)
def back(self) -> "std::array< double,5U >::value_type const &":
return _npstat.Point5D_back(self)
def fill(self, u: "std::array< double,5U >::value_type const &") -> "void":
return _npstat.Point5D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point5D
# Register Point5D in _npstat:
_npstat.Point5D_swigregister(Point5D)
class Point6D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point6D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point6D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point6D___bool__(self)
def __len__(self) -> "std::array< double,6U >::size_type":
return _npstat.Point6D___len__(self)
def __getslice__(self, i: "std::array< double,6U >::difference_type", j: "std::array< double,6U >::difference_type") -> "std::array< double,6U > *":
return _npstat.Point6D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point6D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,6U >::difference_type", j: "std::array< double,6U >::difference_type") -> "void":
return _npstat.Point6D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point6D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,6U >::value_type const &":
return _npstat.Point6D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point6D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point6D_swiginit(self, _npstat.new_Point6D(*args))
def empty(self) -> "bool":
return _npstat.Point6D_empty(self)
def size(self) -> "std::array< double,6U >::size_type":
return _npstat.Point6D_size(self)
def swap(self, v: "Point6D") -> "void":
return _npstat.Point6D_swap(self, v)
def begin(self) -> "std::array< double,6U >::iterator":
return _npstat.Point6D_begin(self)
def end(self) -> "std::array< double,6U >::iterator":
return _npstat.Point6D_end(self)
def rbegin(self) -> "std::array< double,6U >::reverse_iterator":
return _npstat.Point6D_rbegin(self)
def rend(self) -> "std::array< double,6U >::reverse_iterator":
return _npstat.Point6D_rend(self)
def front(self) -> "std::array< double,6U >::value_type const &":
return _npstat.Point6D_front(self)
def back(self) -> "std::array< double,6U >::value_type const &":
return _npstat.Point6D_back(self)
def fill(self, u: "std::array< double,6U >::value_type const &") -> "void":
return _npstat.Point6D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point6D
# Register Point6D in _npstat:
_npstat.Point6D_swigregister(Point6D)
class Point7D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point7D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point7D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point7D___bool__(self)
def __len__(self) -> "std::array< double,7U >::size_type":
return _npstat.Point7D___len__(self)
def __getslice__(self, i: "std::array< double,7U >::difference_type", j: "std::array< double,7U >::difference_type") -> "std::array< double,7U > *":
return _npstat.Point7D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point7D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,7U >::difference_type", j: "std::array< double,7U >::difference_type") -> "void":
return _npstat.Point7D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point7D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,7U >::value_type const &":
return _npstat.Point7D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point7D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point7D_swiginit(self, _npstat.new_Point7D(*args))
def empty(self) -> "bool":
return _npstat.Point7D_empty(self)
def size(self) -> "std::array< double,7U >::size_type":
return _npstat.Point7D_size(self)
def swap(self, v: "Point7D") -> "void":
return _npstat.Point7D_swap(self, v)
def begin(self) -> "std::array< double,7U >::iterator":
return _npstat.Point7D_begin(self)
def end(self) -> "std::array< double,7U >::iterator":
return _npstat.Point7D_end(self)
def rbegin(self) -> "std::array< double,7U >::reverse_iterator":
return _npstat.Point7D_rbegin(self)
def rend(self) -> "std::array< double,7U >::reverse_iterator":
return _npstat.Point7D_rend(self)
def front(self) -> "std::array< double,7U >::value_type const &":
return _npstat.Point7D_front(self)
def back(self) -> "std::array< double,7U >::value_type const &":
return _npstat.Point7D_back(self)
def fill(self, u: "std::array< double,7U >::value_type const &") -> "void":
return _npstat.Point7D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point7D
# Register Point7D in _npstat:
_npstat.Point7D_swigregister(Point7D)
class Point8D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point8D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point8D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point8D___bool__(self)
def __len__(self) -> "std::array< double,8U >::size_type":
return _npstat.Point8D___len__(self)
def __getslice__(self, i: "std::array< double,8U >::difference_type", j: "std::array< double,8U >::difference_type") -> "std::array< double,8U > *":
return _npstat.Point8D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point8D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,8U >::difference_type", j: "std::array< double,8U >::difference_type") -> "void":
return _npstat.Point8D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point8D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,8U >::value_type const &":
return _npstat.Point8D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point8D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point8D_swiginit(self, _npstat.new_Point8D(*args))
def empty(self) -> "bool":
return _npstat.Point8D_empty(self)
def size(self) -> "std::array< double,8U >::size_type":
return _npstat.Point8D_size(self)
def swap(self, v: "Point8D") -> "void":
return _npstat.Point8D_swap(self, v)
def begin(self) -> "std::array< double,8U >::iterator":
return _npstat.Point8D_begin(self)
def end(self) -> "std::array< double,8U >::iterator":
return _npstat.Point8D_end(self)
def rbegin(self) -> "std::array< double,8U >::reverse_iterator":
return _npstat.Point8D_rbegin(self)
def rend(self) -> "std::array< double,8U >::reverse_iterator":
return _npstat.Point8D_rend(self)
def front(self) -> "std::array< double,8U >::value_type const &":
return _npstat.Point8D_front(self)
def back(self) -> "std::array< double,8U >::value_type const &":
return _npstat.Point8D_back(self)
def fill(self, u: "std::array< double,8U >::value_type const &") -> "void":
return _npstat.Point8D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point8D
# Register Point8D in _npstat:
_npstat.Point8D_swigregister(Point8D)
class Point9D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point9D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point9D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point9D___bool__(self)
def __len__(self) -> "std::array< double,9U >::size_type":
return _npstat.Point9D___len__(self)
def __getslice__(self, i: "std::array< double,9U >::difference_type", j: "std::array< double,9U >::difference_type") -> "std::array< double,9U > *":
return _npstat.Point9D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point9D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,9U >::difference_type", j: "std::array< double,9U >::difference_type") -> "void":
return _npstat.Point9D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point9D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,9U >::value_type const &":
return _npstat.Point9D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point9D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point9D_swiginit(self, _npstat.new_Point9D(*args))
def empty(self) -> "bool":
return _npstat.Point9D_empty(self)
def size(self) -> "std::array< double,9U >::size_type":
return _npstat.Point9D_size(self)
def swap(self, v: "Point9D") -> "void":
return _npstat.Point9D_swap(self, v)
def begin(self) -> "std::array< double,9U >::iterator":
return _npstat.Point9D_begin(self)
def end(self) -> "std::array< double,9U >::iterator":
return _npstat.Point9D_end(self)
def rbegin(self) -> "std::array< double,9U >::reverse_iterator":
return _npstat.Point9D_rbegin(self)
def rend(self) -> "std::array< double,9U >::reverse_iterator":
return _npstat.Point9D_rend(self)
def front(self) -> "std::array< double,9U >::value_type const &":
return _npstat.Point9D_front(self)
def back(self) -> "std::array< double,9U >::value_type const &":
return _npstat.Point9D_back(self)
def fill(self, u: "std::array< double,9U >::value_type const &") -> "void":
return _npstat.Point9D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point9D
# Register Point9D in _npstat:
_npstat.Point9D_swigregister(Point9D)
class Point10D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point10D_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point10D___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point10D___bool__(self)
def __len__(self) -> "std::array< double,10U >::size_type":
return _npstat.Point10D___len__(self)
def __getslice__(self, i: "std::array< double,10U >::difference_type", j: "std::array< double,10U >::difference_type") -> "std::array< double,10U > *":
return _npstat.Point10D___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point10D___setslice__(self, *args)
def __delslice__(self, i: "std::array< double,10U >::difference_type", j: "std::array< double,10U >::difference_type") -> "void":
return _npstat.Point10D___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point10D___delitem__(self, *args)
def __getitem__(self, *args) -> "std::array< double,10U >::value_type const &":
return _npstat.Point10D___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point10D___setitem__(self, *args)
def __init__(self, *args):
_npstat.Point10D_swiginit(self, _npstat.new_Point10D(*args))
def empty(self) -> "bool":
return _npstat.Point10D_empty(self)
def size(self) -> "std::array< double,10U >::size_type":
return _npstat.Point10D_size(self)
def swap(self, v: "Point10D") -> "void":
return _npstat.Point10D_swap(self, v)
def begin(self) -> "std::array< double,10U >::iterator":
return _npstat.Point10D_begin(self)
def end(self) -> "std::array< double,10U >::iterator":
return _npstat.Point10D_end(self)
def rbegin(self) -> "std::array< double,10U >::reverse_iterator":
return _npstat.Point10D_rbegin(self)
def rend(self) -> "std::array< double,10U >::reverse_iterator":
return _npstat.Point10D_rend(self)
def front(self) -> "std::array< double,10U >::value_type const &":
return _npstat.Point10D_front(self)
def back(self) -> "std::array< double,10U >::value_type const &":
return _npstat.Point10D_back(self)
def fill(self, u: "std::array< double,10U >::value_type const &") -> "void":
return _npstat.Point10D_fill(self, u)
__swig_destroy__ = _npstat.delete_Point10D
# Register Point10D in _npstat:
_npstat.Point10D_swigregister(Point10D)
class OrderedPoint1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint1D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint1D_swiginit(self, _npstat.new_OrderedPoint1D(*args))
def point(self) -> "std::array< double,1U > const &":
return _npstat.OrderedPoint1D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,1U > >::value_type const *":
return _npstat.OrderedPoint1D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint1D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint1D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint1D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint1D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint1D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint1D
# Register OrderedPoint1D in _npstat:
_npstat.OrderedPoint1D_swigregister(OrderedPoint1D)
class OrderedPoint2D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint2D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint2D_swiginit(self, _npstat.new_OrderedPoint2D(*args))
def point(self) -> "std::array< double,2U > const &":
return _npstat.OrderedPoint2D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,2U > >::value_type const *":
return _npstat.OrderedPoint2D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint2D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint2D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint2D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint2D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint2D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint2D
# Register OrderedPoint2D in _npstat:
_npstat.OrderedPoint2D_swigregister(OrderedPoint2D)
class OrderedPoint3D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint3D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint3D_swiginit(self, _npstat.new_OrderedPoint3D(*args))
def point(self) -> "std::array< double,3U > const &":
return _npstat.OrderedPoint3D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,3U > >::value_type const *":
return _npstat.OrderedPoint3D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint3D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint3D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint3D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint3D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint3D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint3D
# Register OrderedPoint3D in _npstat:
_npstat.OrderedPoint3D_swigregister(OrderedPoint3D)
class OrderedPoint4D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint4D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint4D_swiginit(self, _npstat.new_OrderedPoint4D(*args))
def point(self) -> "std::array< double,4U > const &":
return _npstat.OrderedPoint4D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,4U > >::value_type const *":
return _npstat.OrderedPoint4D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint4D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint4D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint4D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint4D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint4D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint4D
# Register OrderedPoint4D in _npstat:
_npstat.OrderedPoint4D_swigregister(OrderedPoint4D)
class OrderedPoint5D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint5D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint5D_swiginit(self, _npstat.new_OrderedPoint5D(*args))
def point(self) -> "std::array< double,5U > const &":
return _npstat.OrderedPoint5D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,5U > >::value_type const *":
return _npstat.OrderedPoint5D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint5D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint5D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint5D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint5D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint5D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint5D
# Register OrderedPoint5D in _npstat:
_npstat.OrderedPoint5D_swigregister(OrderedPoint5D)
class OrderedPoint6D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint6D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint6D_swiginit(self, _npstat.new_OrderedPoint6D(*args))
def point(self) -> "std::array< double,6U > const &":
return _npstat.OrderedPoint6D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,6U > >::value_type const *":
return _npstat.OrderedPoint6D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint6D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint6D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint6D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint6D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint6D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint6D
# Register OrderedPoint6D in _npstat:
_npstat.OrderedPoint6D_swigregister(OrderedPoint6D)
class OrderedPoint7D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint7D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint7D_swiginit(self, _npstat.new_OrderedPoint7D(*args))
def point(self) -> "std::array< double,7U > const &":
return _npstat.OrderedPoint7D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,7U > >::value_type const *":
return _npstat.OrderedPoint7D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint7D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint7D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint7D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint7D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint7D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint7D
# Register OrderedPoint7D in _npstat:
_npstat.OrderedPoint7D_swigregister(OrderedPoint7D)
class OrderedPoint8D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint8D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint8D_swiginit(self, _npstat.new_OrderedPoint8D(*args))
def point(self) -> "std::array< double,8U > const &":
return _npstat.OrderedPoint8D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,8U > >::value_type const *":
return _npstat.OrderedPoint8D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint8D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint8D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint8D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint8D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint8D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint8D
# Register OrderedPoint8D in _npstat:
_npstat.OrderedPoint8D_swigregister(OrderedPoint8D)
class OrderedPoint9D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint9D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint9D_swiginit(self, _npstat.new_OrderedPoint9D(*args))
def point(self) -> "std::array< double,9U > const &":
return _npstat.OrderedPoint9D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,9U > >::value_type const *":
return _npstat.OrderedPoint9D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint9D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint9D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint9D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint9D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint9D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint9D
# Register OrderedPoint9D in _npstat:
_npstat.OrderedPoint9D_swigregister(OrderedPoint9D)
class OrderedPoint10D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
dim_size = _npstat.OrderedPoint10D_dim_size
def __init__(self, *args):
_npstat.OrderedPoint10D_swiginit(self, _npstat.new_OrderedPoint10D(*args))
def point(self) -> "std::array< double,10U > const &":
return _npstat.OrderedPoint10D_point(self)
def coords(self) -> "npstat::OrderedPointND< std::array< double,10U > >::value_type const *":
return _npstat.OrderedPoint10D_coords(self)
def number(self) -> "unsigned long const *":
return _npstat.OrderedPoint10D_number(self)
def dim(self) -> "unsigned int":
return _npstat.OrderedPoint10D_dim(self)
def size(self) -> "unsigned int":
return _npstat.OrderedPoint10D_size(self)
def setNumber(self, i: "unsigned int", value: "unsigned long") -> "void":
return _npstat.OrderedPoint10D_setNumber(self, i, value)
def getNumber(self, i: "unsigned int") -> "unsigned long":
return _npstat.OrderedPoint10D_getNumber(self, i)
__swig_destroy__ = _npstat.delete_OrderedPoint10D
# Register OrderedPoint10D in _npstat:
_npstat.OrderedPoint10D_swigregister(OrderedPoint10D)
class Point1DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point1DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point1DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point1DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,1U > >::size_type":
return _npstat.Point1DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,1U > >::difference_type", j: "std::vector< std::array< double,1U > >::difference_type") -> "std::vector< std::array< double,1U >,std::allocator< std::array< double,1U > > > *":
return _npstat.Point1DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point1DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,1U > >::difference_type", j: "std::vector< std::array< double,1U > >::difference_type") -> "void":
return _npstat.Point1DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point1DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,1U > >::value_type const &":
return _npstat.Point1DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point1DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,1U > >::value_type":
return _npstat.Point1DVector_pop(self)
def append(self, x: "Point1D") -> "void":
return _npstat.Point1DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point1DVector_empty(self)
def size(self) -> "std::vector< std::array< double,1U > >::size_type":
return _npstat.Point1DVector_size(self)
def swap(self, v: "Point1DVector") -> "void":
return _npstat.Point1DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,1U > >::iterator":
return _npstat.Point1DVector_begin(self)
def end(self) -> "std::vector< std::array< double,1U > >::iterator":
return _npstat.Point1DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,1U > >::reverse_iterator":
return _npstat.Point1DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,1U > >::reverse_iterator":
return _npstat.Point1DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point1DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,1U > >::allocator_type":
return _npstat.Point1DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point1DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,1U > >::iterator":
return _npstat.Point1DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point1DVector_swiginit(self, _npstat.new_Point1DVector(*args))
def push_back(self, x: "Point1D") -> "void":
return _npstat.Point1DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,1U > >::value_type const &":
return _npstat.Point1DVector_front(self)
def back(self) -> "std::vector< std::array< double,1U > >::value_type const &":
return _npstat.Point1DVector_back(self)
def assign(self, n: "std::vector< std::array< double,1U > >::size_type", x: "Point1D") -> "void":
return _npstat.Point1DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point1DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point1DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,1U > >::size_type") -> "void":
return _npstat.Point1DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,1U > >::size_type":
return _npstat.Point1DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point1DVector
# Register Point1DVector in _npstat:
_npstat.Point1DVector_swigregister(Point1DVector)
class Point2DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point2DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point2DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point2DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,2U > >::size_type":
return _npstat.Point2DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,2U > >::difference_type", j: "std::vector< std::array< double,2U > >::difference_type") -> "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *":
return _npstat.Point2DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point2DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,2U > >::difference_type", j: "std::vector< std::array< double,2U > >::difference_type") -> "void":
return _npstat.Point2DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point2DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,2U > >::value_type const &":
return _npstat.Point2DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point2DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,2U > >::value_type":
return _npstat.Point2DVector_pop(self)
def append(self, x: "Point2D") -> "void":
return _npstat.Point2DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point2DVector_empty(self)
def size(self) -> "std::vector< std::array< double,2U > >::size_type":
return _npstat.Point2DVector_size(self)
def swap(self, v: "Point2DVector") -> "void":
return _npstat.Point2DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,2U > >::iterator":
return _npstat.Point2DVector_begin(self)
def end(self) -> "std::vector< std::array< double,2U > >::iterator":
return _npstat.Point2DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,2U > >::reverse_iterator":
return _npstat.Point2DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,2U > >::reverse_iterator":
return _npstat.Point2DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point2DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,2U > >::allocator_type":
return _npstat.Point2DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point2DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,2U > >::iterator":
return _npstat.Point2DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point2DVector_swiginit(self, _npstat.new_Point2DVector(*args))
def push_back(self, x: "Point2D") -> "void":
return _npstat.Point2DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,2U > >::value_type const &":
return _npstat.Point2DVector_front(self)
def back(self) -> "std::vector< std::array< double,2U > >::value_type const &":
return _npstat.Point2DVector_back(self)
def assign(self, n: "std::vector< std::array< double,2U > >::size_type", x: "Point2D") -> "void":
return _npstat.Point2DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point2DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point2DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,2U > >::size_type") -> "void":
return _npstat.Point2DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,2U > >::size_type":
return _npstat.Point2DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point2DVector
# Register Point2DVector in _npstat:
_npstat.Point2DVector_swigregister(Point2DVector)
class Point3DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point3DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point3DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point3DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,3U > >::size_type":
return _npstat.Point3DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,3U > >::difference_type", j: "std::vector< std::array< double,3U > >::difference_type") -> "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *":
return _npstat.Point3DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point3DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,3U > >::difference_type", j: "std::vector< std::array< double,3U > >::difference_type") -> "void":
return _npstat.Point3DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point3DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,3U > >::value_type const &":
return _npstat.Point3DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point3DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,3U > >::value_type":
return _npstat.Point3DVector_pop(self)
def append(self, x: "Point3D") -> "void":
return _npstat.Point3DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point3DVector_empty(self)
def size(self) -> "std::vector< std::array< double,3U > >::size_type":
return _npstat.Point3DVector_size(self)
def swap(self, v: "Point3DVector") -> "void":
return _npstat.Point3DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,3U > >::iterator":
return _npstat.Point3DVector_begin(self)
def end(self) -> "std::vector< std::array< double,3U > >::iterator":
return _npstat.Point3DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,3U > >::reverse_iterator":
return _npstat.Point3DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,3U > >::reverse_iterator":
return _npstat.Point3DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point3DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,3U > >::allocator_type":
return _npstat.Point3DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point3DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,3U > >::iterator":
return _npstat.Point3DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point3DVector_swiginit(self, _npstat.new_Point3DVector(*args))
def push_back(self, x: "Point3D") -> "void":
return _npstat.Point3DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,3U > >::value_type const &":
return _npstat.Point3DVector_front(self)
def back(self) -> "std::vector< std::array< double,3U > >::value_type const &":
return _npstat.Point3DVector_back(self)
def assign(self, n: "std::vector< std::array< double,3U > >::size_type", x: "Point3D") -> "void":
return _npstat.Point3DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point3DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point3DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,3U > >::size_type") -> "void":
return _npstat.Point3DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,3U > >::size_type":
return _npstat.Point3DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point3DVector
# Register Point3DVector in _npstat:
_npstat.Point3DVector_swigregister(Point3DVector)
class Point4DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point4DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point4DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point4DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,4U > >::size_type":
return _npstat.Point4DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,4U > >::difference_type", j: "std::vector< std::array< double,4U > >::difference_type") -> "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *":
return _npstat.Point4DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point4DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,4U > >::difference_type", j: "std::vector< std::array< double,4U > >::difference_type") -> "void":
return _npstat.Point4DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point4DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,4U > >::value_type const &":
return _npstat.Point4DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point4DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,4U > >::value_type":
return _npstat.Point4DVector_pop(self)
def append(self, x: "Point4D") -> "void":
return _npstat.Point4DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point4DVector_empty(self)
def size(self) -> "std::vector< std::array< double,4U > >::size_type":
return _npstat.Point4DVector_size(self)
def swap(self, v: "Point4DVector") -> "void":
return _npstat.Point4DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,4U > >::iterator":
return _npstat.Point4DVector_begin(self)
def end(self) -> "std::vector< std::array< double,4U > >::iterator":
return _npstat.Point4DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,4U > >::reverse_iterator":
return _npstat.Point4DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,4U > >::reverse_iterator":
return _npstat.Point4DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point4DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,4U > >::allocator_type":
return _npstat.Point4DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point4DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,4U > >::iterator":
return _npstat.Point4DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point4DVector_swiginit(self, _npstat.new_Point4DVector(*args))
def push_back(self, x: "Point4D") -> "void":
return _npstat.Point4DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,4U > >::value_type const &":
return _npstat.Point4DVector_front(self)
def back(self) -> "std::vector< std::array< double,4U > >::value_type const &":
return _npstat.Point4DVector_back(self)
def assign(self, n: "std::vector< std::array< double,4U > >::size_type", x: "Point4D") -> "void":
return _npstat.Point4DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point4DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point4DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,4U > >::size_type") -> "void":
return _npstat.Point4DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,4U > >::size_type":
return _npstat.Point4DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point4DVector
# Register Point4DVector in _npstat:
_npstat.Point4DVector_swigregister(Point4DVector)
class Point5DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point5DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point5DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point5DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,5U > >::size_type":
return _npstat.Point5DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,5U > >::difference_type", j: "std::vector< std::array< double,5U > >::difference_type") -> "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *":
return _npstat.Point5DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point5DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,5U > >::difference_type", j: "std::vector< std::array< double,5U > >::difference_type") -> "void":
return _npstat.Point5DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point5DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,5U > >::value_type const &":
return _npstat.Point5DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point5DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,5U > >::value_type":
return _npstat.Point5DVector_pop(self)
def append(self, x: "Point5D") -> "void":
return _npstat.Point5DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point5DVector_empty(self)
def size(self) -> "std::vector< std::array< double,5U > >::size_type":
return _npstat.Point5DVector_size(self)
def swap(self, v: "Point5DVector") -> "void":
return _npstat.Point5DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,5U > >::iterator":
return _npstat.Point5DVector_begin(self)
def end(self) -> "std::vector< std::array< double,5U > >::iterator":
return _npstat.Point5DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,5U > >::reverse_iterator":
return _npstat.Point5DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,5U > >::reverse_iterator":
return _npstat.Point5DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point5DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,5U > >::allocator_type":
return _npstat.Point5DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point5DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,5U > >::iterator":
return _npstat.Point5DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point5DVector_swiginit(self, _npstat.new_Point5DVector(*args))
def push_back(self, x: "Point5D") -> "void":
return _npstat.Point5DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,5U > >::value_type const &":
return _npstat.Point5DVector_front(self)
def back(self) -> "std::vector< std::array< double,5U > >::value_type const &":
return _npstat.Point5DVector_back(self)
def assign(self, n: "std::vector< std::array< double,5U > >::size_type", x: "Point5D") -> "void":
return _npstat.Point5DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point5DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point5DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,5U > >::size_type") -> "void":
return _npstat.Point5DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,5U > >::size_type":
return _npstat.Point5DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point5DVector
# Register Point5DVector in _npstat:
_npstat.Point5DVector_swigregister(Point5DVector)
class Point6DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point6DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point6DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point6DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,6U > >::size_type":
return _npstat.Point6DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,6U > >::difference_type", j: "std::vector< std::array< double,6U > >::difference_type") -> "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *":
return _npstat.Point6DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point6DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,6U > >::difference_type", j: "std::vector< std::array< double,6U > >::difference_type") -> "void":
return _npstat.Point6DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point6DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,6U > >::value_type const &":
return _npstat.Point6DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point6DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,6U > >::value_type":
return _npstat.Point6DVector_pop(self)
def append(self, x: "Point6D") -> "void":
return _npstat.Point6DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point6DVector_empty(self)
def size(self) -> "std::vector< std::array< double,6U > >::size_type":
return _npstat.Point6DVector_size(self)
def swap(self, v: "Point6DVector") -> "void":
return _npstat.Point6DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,6U > >::iterator":
return _npstat.Point6DVector_begin(self)
def end(self) -> "std::vector< std::array< double,6U > >::iterator":
return _npstat.Point6DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,6U > >::reverse_iterator":
return _npstat.Point6DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,6U > >::reverse_iterator":
return _npstat.Point6DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point6DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,6U > >::allocator_type":
return _npstat.Point6DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point6DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,6U > >::iterator":
return _npstat.Point6DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point6DVector_swiginit(self, _npstat.new_Point6DVector(*args))
def push_back(self, x: "Point6D") -> "void":
return _npstat.Point6DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,6U > >::value_type const &":
return _npstat.Point6DVector_front(self)
def back(self) -> "std::vector< std::array< double,6U > >::value_type const &":
return _npstat.Point6DVector_back(self)
def assign(self, n: "std::vector< std::array< double,6U > >::size_type", x: "Point6D") -> "void":
return _npstat.Point6DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point6DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point6DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,6U > >::size_type") -> "void":
return _npstat.Point6DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,6U > >::size_type":
return _npstat.Point6DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point6DVector
# Register Point6DVector in _npstat:
_npstat.Point6DVector_swigregister(Point6DVector)
class Point7DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point7DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point7DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point7DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,7U > >::size_type":
return _npstat.Point7DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,7U > >::difference_type", j: "std::vector< std::array< double,7U > >::difference_type") -> "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *":
return _npstat.Point7DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point7DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,7U > >::difference_type", j: "std::vector< std::array< double,7U > >::difference_type") -> "void":
return _npstat.Point7DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point7DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,7U > >::value_type const &":
return _npstat.Point7DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point7DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,7U > >::value_type":
return _npstat.Point7DVector_pop(self)
def append(self, x: "Point7D") -> "void":
return _npstat.Point7DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point7DVector_empty(self)
def size(self) -> "std::vector< std::array< double,7U > >::size_type":
return _npstat.Point7DVector_size(self)
def swap(self, v: "Point7DVector") -> "void":
return _npstat.Point7DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,7U > >::iterator":
return _npstat.Point7DVector_begin(self)
def end(self) -> "std::vector< std::array< double,7U > >::iterator":
return _npstat.Point7DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,7U > >::reverse_iterator":
return _npstat.Point7DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,7U > >::reverse_iterator":
return _npstat.Point7DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point7DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,7U > >::allocator_type":
return _npstat.Point7DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point7DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,7U > >::iterator":
return _npstat.Point7DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point7DVector_swiginit(self, _npstat.new_Point7DVector(*args))
def push_back(self, x: "Point7D") -> "void":
return _npstat.Point7DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,7U > >::value_type const &":
return _npstat.Point7DVector_front(self)
def back(self) -> "std::vector< std::array< double,7U > >::value_type const &":
return _npstat.Point7DVector_back(self)
def assign(self, n: "std::vector< std::array< double,7U > >::size_type", x: "Point7D") -> "void":
return _npstat.Point7DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point7DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point7DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,7U > >::size_type") -> "void":
return _npstat.Point7DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,7U > >::size_type":
return _npstat.Point7DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point7DVector
# Register Point7DVector in _npstat:
_npstat.Point7DVector_swigregister(Point7DVector)
class Point8DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point8DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point8DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point8DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,8U > >::size_type":
return _npstat.Point8DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,8U > >::difference_type", j: "std::vector< std::array< double,8U > >::difference_type") -> "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *":
return _npstat.Point8DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point8DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,8U > >::difference_type", j: "std::vector< std::array< double,8U > >::difference_type") -> "void":
return _npstat.Point8DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point8DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,8U > >::value_type const &":
return _npstat.Point8DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point8DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,8U > >::value_type":
return _npstat.Point8DVector_pop(self)
def append(self, x: "Point8D") -> "void":
return _npstat.Point8DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point8DVector_empty(self)
def size(self) -> "std::vector< std::array< double,8U > >::size_type":
return _npstat.Point8DVector_size(self)
def swap(self, v: "Point8DVector") -> "void":
return _npstat.Point8DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,8U > >::iterator":
return _npstat.Point8DVector_begin(self)
def end(self) -> "std::vector< std::array< double,8U > >::iterator":
return _npstat.Point8DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,8U > >::reverse_iterator":
return _npstat.Point8DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,8U > >::reverse_iterator":
return _npstat.Point8DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point8DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,8U > >::allocator_type":
return _npstat.Point8DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point8DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,8U > >::iterator":
return _npstat.Point8DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point8DVector_swiginit(self, _npstat.new_Point8DVector(*args))
def push_back(self, x: "Point8D") -> "void":
return _npstat.Point8DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,8U > >::value_type const &":
return _npstat.Point8DVector_front(self)
def back(self) -> "std::vector< std::array< double,8U > >::value_type const &":
return _npstat.Point8DVector_back(self)
def assign(self, n: "std::vector< std::array< double,8U > >::size_type", x: "Point8D") -> "void":
return _npstat.Point8DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point8DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point8DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,8U > >::size_type") -> "void":
return _npstat.Point8DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,8U > >::size_type":
return _npstat.Point8DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point8DVector
# Register Point8DVector in _npstat:
_npstat.Point8DVector_swigregister(Point8DVector)
class Point9DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point9DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point9DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point9DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,9U > >::size_type":
return _npstat.Point9DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,9U > >::difference_type", j: "std::vector< std::array< double,9U > >::difference_type") -> "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *":
return _npstat.Point9DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point9DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,9U > >::difference_type", j: "std::vector< std::array< double,9U > >::difference_type") -> "void":
return _npstat.Point9DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point9DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,9U > >::value_type const &":
return _npstat.Point9DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point9DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,9U > >::value_type":
return _npstat.Point9DVector_pop(self)
def append(self, x: "Point9D") -> "void":
return _npstat.Point9DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point9DVector_empty(self)
def size(self) -> "std::vector< std::array< double,9U > >::size_type":
return _npstat.Point9DVector_size(self)
def swap(self, v: "Point9DVector") -> "void":
return _npstat.Point9DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,9U > >::iterator":
return _npstat.Point9DVector_begin(self)
def end(self) -> "std::vector< std::array< double,9U > >::iterator":
return _npstat.Point9DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,9U > >::reverse_iterator":
return _npstat.Point9DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,9U > >::reverse_iterator":
return _npstat.Point9DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point9DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,9U > >::allocator_type":
return _npstat.Point9DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point9DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,9U > >::iterator":
return _npstat.Point9DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point9DVector_swiginit(self, _npstat.new_Point9DVector(*args))
def push_back(self, x: "Point9D") -> "void":
return _npstat.Point9DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,9U > >::value_type const &":
return _npstat.Point9DVector_front(self)
def back(self) -> "std::vector< std::array< double,9U > >::value_type const &":
return _npstat.Point9DVector_back(self)
def assign(self, n: "std::vector< std::array< double,9U > >::size_type", x: "Point9D") -> "void":
return _npstat.Point9DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point9DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point9DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,9U > >::size_type") -> "void":
return _npstat.Point9DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,9U > >::size_type":
return _npstat.Point9DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point9DVector
# Register Point9DVector in _npstat:
_npstat.Point9DVector_swigregister(Point9DVector)
class Point10DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.Point10DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.Point10DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.Point10DVector___bool__(self)
def __len__(self) -> "std::vector< std::array< double,10U > >::size_type":
return _npstat.Point10DVector___len__(self)
def __getslice__(self, i: "std::vector< std::array< double,10U > >::difference_type", j: "std::vector< std::array< double,10U > >::difference_type") -> "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *":
return _npstat.Point10DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.Point10DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< std::array< double,10U > >::difference_type", j: "std::vector< std::array< double,10U > >::difference_type") -> "void":
return _npstat.Point10DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.Point10DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< std::array< double,10U > >::value_type const &":
return _npstat.Point10DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.Point10DVector___setitem__(self, *args)
def pop(self) -> "std::vector< std::array< double,10U > >::value_type":
return _npstat.Point10DVector_pop(self)
def append(self, x: "Point10D") -> "void":
return _npstat.Point10DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.Point10DVector_empty(self)
def size(self) -> "std::vector< std::array< double,10U > >::size_type":
return _npstat.Point10DVector_size(self)
def swap(self, v: "Point10DVector") -> "void":
return _npstat.Point10DVector_swap(self, v)
def begin(self) -> "std::vector< std::array< double,10U > >::iterator":
return _npstat.Point10DVector_begin(self)
def end(self) -> "std::vector< std::array< double,10U > >::iterator":
return _npstat.Point10DVector_end(self)
def rbegin(self) -> "std::vector< std::array< double,10U > >::reverse_iterator":
return _npstat.Point10DVector_rbegin(self)
def rend(self) -> "std::vector< std::array< double,10U > >::reverse_iterator":
return _npstat.Point10DVector_rend(self)
def clear(self) -> "void":
return _npstat.Point10DVector_clear(self)
def get_allocator(self) -> "std::vector< std::array< double,10U > >::allocator_type":
return _npstat.Point10DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.Point10DVector_pop_back(self)
def erase(self, *args) -> "std::vector< std::array< double,10U > >::iterator":
return _npstat.Point10DVector_erase(self, *args)
def __init__(self, *args):
_npstat.Point10DVector_swiginit(self, _npstat.new_Point10DVector(*args))
def push_back(self, x: "Point10D") -> "void":
return _npstat.Point10DVector_push_back(self, x)
def front(self) -> "std::vector< std::array< double,10U > >::value_type const &":
return _npstat.Point10DVector_front(self)
def back(self) -> "std::vector< std::array< double,10U > >::value_type const &":
return _npstat.Point10DVector_back(self)
def assign(self, n: "std::vector< std::array< double,10U > >::size_type", x: "Point10D") -> "void":
return _npstat.Point10DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.Point10DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.Point10DVector_insert(self, *args)
def reserve(self, n: "std::vector< std::array< double,10U > >::size_type") -> "void":
return _npstat.Point10DVector_reserve(self, n)
def capacity(self) -> "std::vector< std::array< double,10U > >::size_type":
return _npstat.Point10DVector_capacity(self)
__swig_destroy__ = _npstat.delete_Point10DVector
# Register Point10DVector in _npstat:
_npstat.Point10DVector_swigregister(Point10DVector)
class OrderedPoint1DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint1DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint1DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint1DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::size_type":
return _npstat.OrderedPoint1DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,1U > >,std::allocator< npstat::OrderedPointND< std::array< double,1U > > > > *":
return _npstat.OrderedPoint1DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint1DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::difference_type") -> "void":
return _npstat.OrderedPoint1DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint1DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::value_type const &":
return _npstat.OrderedPoint1DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint1DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::value_type":
return _npstat.OrderedPoint1DVector_pop(self)
def append(self, x: "OrderedPoint1D") -> "void":
return _npstat.OrderedPoint1DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint1DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::size_type":
return _npstat.OrderedPoint1DVector_size(self)
def swap(self, v: "OrderedPoint1DVector") -> "void":
return _npstat.OrderedPoint1DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::iterator":
return _npstat.OrderedPoint1DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::iterator":
return _npstat.OrderedPoint1DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::reverse_iterator":
return _npstat.OrderedPoint1DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::reverse_iterator":
return _npstat.OrderedPoint1DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint1DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::allocator_type":
return _npstat.OrderedPoint1DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint1DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::iterator":
return _npstat.OrderedPoint1DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint1DVector_swiginit(self, _npstat.new_OrderedPoint1DVector(*args))
def push_back(self, x: "OrderedPoint1D") -> "void":
return _npstat.OrderedPoint1DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::value_type const &":
return _npstat.OrderedPoint1DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::value_type const &":
return _npstat.OrderedPoint1DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::size_type", x: "OrderedPoint1D") -> "void":
return _npstat.OrderedPoint1DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint1DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint1DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::size_type") -> "void":
return _npstat.OrderedPoint1DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,1U > > >::size_type":
return _npstat.OrderedPoint1DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint1DVector
# Register OrderedPoint1DVector in _npstat:
_npstat.OrderedPoint1DVector_swigregister(OrderedPoint1DVector)
class OrderedPoint2DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint2DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint2DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint2DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::size_type":
return _npstat.OrderedPoint2DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,2U > >,std::allocator< npstat::OrderedPointND< std::array< double,2U > > > > *":
return _npstat.OrderedPoint2DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint2DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::difference_type") -> "void":
return _npstat.OrderedPoint2DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint2DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::value_type const &":
return _npstat.OrderedPoint2DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint2DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::value_type":
return _npstat.OrderedPoint2DVector_pop(self)
def append(self, x: "OrderedPoint2D") -> "void":
return _npstat.OrderedPoint2DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint2DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::size_type":
return _npstat.OrderedPoint2DVector_size(self)
def swap(self, v: "OrderedPoint2DVector") -> "void":
return _npstat.OrderedPoint2DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::iterator":
return _npstat.OrderedPoint2DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::iterator":
return _npstat.OrderedPoint2DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::reverse_iterator":
return _npstat.OrderedPoint2DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::reverse_iterator":
return _npstat.OrderedPoint2DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint2DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::allocator_type":
return _npstat.OrderedPoint2DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint2DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::iterator":
return _npstat.OrderedPoint2DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint2DVector_swiginit(self, _npstat.new_OrderedPoint2DVector(*args))
def push_back(self, x: "OrderedPoint2D") -> "void":
return _npstat.OrderedPoint2DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::value_type const &":
return _npstat.OrderedPoint2DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::value_type const &":
return _npstat.OrderedPoint2DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::size_type", x: "OrderedPoint2D") -> "void":
return _npstat.OrderedPoint2DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint2DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint2DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::size_type") -> "void":
return _npstat.OrderedPoint2DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,2U > > >::size_type":
return _npstat.OrderedPoint2DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint2DVector
# Register OrderedPoint2DVector in _npstat:
_npstat.OrderedPoint2DVector_swigregister(OrderedPoint2DVector)
class OrderedPoint3DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint3DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint3DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint3DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::size_type":
return _npstat.OrderedPoint3DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,3U > >,std::allocator< npstat::OrderedPointND< std::array< double,3U > > > > *":
return _npstat.OrderedPoint3DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint3DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::difference_type") -> "void":
return _npstat.OrderedPoint3DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint3DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::value_type const &":
return _npstat.OrderedPoint3DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint3DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::value_type":
return _npstat.OrderedPoint3DVector_pop(self)
def append(self, x: "OrderedPoint3D") -> "void":
return _npstat.OrderedPoint3DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint3DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::size_type":
return _npstat.OrderedPoint3DVector_size(self)
def swap(self, v: "OrderedPoint3DVector") -> "void":
return _npstat.OrderedPoint3DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::iterator":
return _npstat.OrderedPoint3DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::iterator":
return _npstat.OrderedPoint3DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::reverse_iterator":
return _npstat.OrderedPoint3DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::reverse_iterator":
return _npstat.OrderedPoint3DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint3DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::allocator_type":
return _npstat.OrderedPoint3DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint3DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::iterator":
return _npstat.OrderedPoint3DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint3DVector_swiginit(self, _npstat.new_OrderedPoint3DVector(*args))
def push_back(self, x: "OrderedPoint3D") -> "void":
return _npstat.OrderedPoint3DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::value_type const &":
return _npstat.OrderedPoint3DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::value_type const &":
return _npstat.OrderedPoint3DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::size_type", x: "OrderedPoint3D") -> "void":
return _npstat.OrderedPoint3DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint3DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint3DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::size_type") -> "void":
return _npstat.OrderedPoint3DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,3U > > >::size_type":
return _npstat.OrderedPoint3DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint3DVector
# Register OrderedPoint3DVector in _npstat:
_npstat.OrderedPoint3DVector_swigregister(OrderedPoint3DVector)
class OrderedPoint4DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint4DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint4DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint4DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::size_type":
return _npstat.OrderedPoint4DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,4U > >,std::allocator< npstat::OrderedPointND< std::array< double,4U > > > > *":
return _npstat.OrderedPoint4DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint4DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::difference_type") -> "void":
return _npstat.OrderedPoint4DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint4DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::value_type const &":
return _npstat.OrderedPoint4DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint4DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::value_type":
return _npstat.OrderedPoint4DVector_pop(self)
def append(self, x: "OrderedPoint4D") -> "void":
return _npstat.OrderedPoint4DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint4DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::size_type":
return _npstat.OrderedPoint4DVector_size(self)
def swap(self, v: "OrderedPoint4DVector") -> "void":
return _npstat.OrderedPoint4DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::iterator":
return _npstat.OrderedPoint4DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::iterator":
return _npstat.OrderedPoint4DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::reverse_iterator":
return _npstat.OrderedPoint4DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::reverse_iterator":
return _npstat.OrderedPoint4DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint4DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::allocator_type":
return _npstat.OrderedPoint4DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint4DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::iterator":
return _npstat.OrderedPoint4DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint4DVector_swiginit(self, _npstat.new_OrderedPoint4DVector(*args))
def push_back(self, x: "OrderedPoint4D") -> "void":
return _npstat.OrderedPoint4DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::value_type const &":
return _npstat.OrderedPoint4DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::value_type const &":
return _npstat.OrderedPoint4DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::size_type", x: "OrderedPoint4D") -> "void":
return _npstat.OrderedPoint4DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint4DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint4DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::size_type") -> "void":
return _npstat.OrderedPoint4DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,4U > > >::size_type":
return _npstat.OrderedPoint4DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint4DVector
# Register OrderedPoint4DVector in _npstat:
_npstat.OrderedPoint4DVector_swigregister(OrderedPoint4DVector)
class OrderedPoint5DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint5DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint5DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint5DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::size_type":
return _npstat.OrderedPoint5DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,5U > >,std::allocator< npstat::OrderedPointND< std::array< double,5U > > > > *":
return _npstat.OrderedPoint5DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint5DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::difference_type") -> "void":
return _npstat.OrderedPoint5DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint5DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::value_type const &":
return _npstat.OrderedPoint5DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint5DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::value_type":
return _npstat.OrderedPoint5DVector_pop(self)
def append(self, x: "OrderedPoint5D") -> "void":
return _npstat.OrderedPoint5DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint5DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::size_type":
return _npstat.OrderedPoint5DVector_size(self)
def swap(self, v: "OrderedPoint5DVector") -> "void":
return _npstat.OrderedPoint5DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::iterator":
return _npstat.OrderedPoint5DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::iterator":
return _npstat.OrderedPoint5DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::reverse_iterator":
return _npstat.OrderedPoint5DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::reverse_iterator":
return _npstat.OrderedPoint5DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint5DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::allocator_type":
return _npstat.OrderedPoint5DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint5DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::iterator":
return _npstat.OrderedPoint5DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint5DVector_swiginit(self, _npstat.new_OrderedPoint5DVector(*args))
def push_back(self, x: "OrderedPoint5D") -> "void":
return _npstat.OrderedPoint5DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::value_type const &":
return _npstat.OrderedPoint5DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::value_type const &":
return _npstat.OrderedPoint5DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::size_type", x: "OrderedPoint5D") -> "void":
return _npstat.OrderedPoint5DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint5DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint5DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::size_type") -> "void":
return _npstat.OrderedPoint5DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,5U > > >::size_type":
return _npstat.OrderedPoint5DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint5DVector
# Register OrderedPoint5DVector in _npstat:
_npstat.OrderedPoint5DVector_swigregister(OrderedPoint5DVector)
class OrderedPoint6DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint6DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint6DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint6DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::size_type":
return _npstat.OrderedPoint6DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,6U > >,std::allocator< npstat::OrderedPointND< std::array< double,6U > > > > *":
return _npstat.OrderedPoint6DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint6DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::difference_type") -> "void":
return _npstat.OrderedPoint6DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint6DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::value_type const &":
return _npstat.OrderedPoint6DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint6DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::value_type":
return _npstat.OrderedPoint6DVector_pop(self)
def append(self, x: "OrderedPoint6D") -> "void":
return _npstat.OrderedPoint6DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint6DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::size_type":
return _npstat.OrderedPoint6DVector_size(self)
def swap(self, v: "OrderedPoint6DVector") -> "void":
return _npstat.OrderedPoint6DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::iterator":
return _npstat.OrderedPoint6DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::iterator":
return _npstat.OrderedPoint6DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::reverse_iterator":
return _npstat.OrderedPoint6DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::reverse_iterator":
return _npstat.OrderedPoint6DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint6DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::allocator_type":
return _npstat.OrderedPoint6DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint6DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::iterator":
return _npstat.OrderedPoint6DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint6DVector_swiginit(self, _npstat.new_OrderedPoint6DVector(*args))
def push_back(self, x: "OrderedPoint6D") -> "void":
return _npstat.OrderedPoint6DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::value_type const &":
return _npstat.OrderedPoint6DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::value_type const &":
return _npstat.OrderedPoint6DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::size_type", x: "OrderedPoint6D") -> "void":
return _npstat.OrderedPoint6DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint6DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint6DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::size_type") -> "void":
return _npstat.OrderedPoint6DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,6U > > >::size_type":
return _npstat.OrderedPoint6DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint6DVector
# Register OrderedPoint6DVector in _npstat:
_npstat.OrderedPoint6DVector_swigregister(OrderedPoint6DVector)
class OrderedPoint7DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint7DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint7DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint7DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::size_type":
return _npstat.OrderedPoint7DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,7U > >,std::allocator< npstat::OrderedPointND< std::array< double,7U > > > > *":
return _npstat.OrderedPoint7DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint7DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::difference_type") -> "void":
return _npstat.OrderedPoint7DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint7DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::value_type const &":
return _npstat.OrderedPoint7DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint7DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::value_type":
return _npstat.OrderedPoint7DVector_pop(self)
def append(self, x: "OrderedPoint7D") -> "void":
return _npstat.OrderedPoint7DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint7DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::size_type":
return _npstat.OrderedPoint7DVector_size(self)
def swap(self, v: "OrderedPoint7DVector") -> "void":
return _npstat.OrderedPoint7DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::iterator":
return _npstat.OrderedPoint7DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::iterator":
return _npstat.OrderedPoint7DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::reverse_iterator":
return _npstat.OrderedPoint7DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::reverse_iterator":
return _npstat.OrderedPoint7DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint7DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::allocator_type":
return _npstat.OrderedPoint7DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint7DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::iterator":
return _npstat.OrderedPoint7DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint7DVector_swiginit(self, _npstat.new_OrderedPoint7DVector(*args))
def push_back(self, x: "OrderedPoint7D") -> "void":
return _npstat.OrderedPoint7DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::value_type const &":
return _npstat.OrderedPoint7DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::value_type const &":
return _npstat.OrderedPoint7DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::size_type", x: "OrderedPoint7D") -> "void":
return _npstat.OrderedPoint7DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint7DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint7DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::size_type") -> "void":
return _npstat.OrderedPoint7DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,7U > > >::size_type":
return _npstat.OrderedPoint7DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint7DVector
# Register OrderedPoint7DVector in _npstat:
_npstat.OrderedPoint7DVector_swigregister(OrderedPoint7DVector)
class OrderedPoint8DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint8DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint8DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint8DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::size_type":
return _npstat.OrderedPoint8DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,8U > >,std::allocator< npstat::OrderedPointND< std::array< double,8U > > > > *":
return _npstat.OrderedPoint8DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint8DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::difference_type") -> "void":
return _npstat.OrderedPoint8DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint8DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::value_type const &":
return _npstat.OrderedPoint8DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint8DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::value_type":
return _npstat.OrderedPoint8DVector_pop(self)
def append(self, x: "OrderedPoint8D") -> "void":
return _npstat.OrderedPoint8DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint8DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::size_type":
return _npstat.OrderedPoint8DVector_size(self)
def swap(self, v: "OrderedPoint8DVector") -> "void":
return _npstat.OrderedPoint8DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::iterator":
return _npstat.OrderedPoint8DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::iterator":
return _npstat.OrderedPoint8DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::reverse_iterator":
return _npstat.OrderedPoint8DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::reverse_iterator":
return _npstat.OrderedPoint8DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint8DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::allocator_type":
return _npstat.OrderedPoint8DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint8DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::iterator":
return _npstat.OrderedPoint8DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint8DVector_swiginit(self, _npstat.new_OrderedPoint8DVector(*args))
def push_back(self, x: "OrderedPoint8D") -> "void":
return _npstat.OrderedPoint8DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::value_type const &":
return _npstat.OrderedPoint8DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::value_type const &":
return _npstat.OrderedPoint8DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::size_type", x: "OrderedPoint8D") -> "void":
return _npstat.OrderedPoint8DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint8DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint8DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::size_type") -> "void":
return _npstat.OrderedPoint8DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,8U > > >::size_type":
return _npstat.OrderedPoint8DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint8DVector
# Register OrderedPoint8DVector in _npstat:
_npstat.OrderedPoint8DVector_swigregister(OrderedPoint8DVector)
class OrderedPoint9DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint9DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint9DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint9DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::size_type":
return _npstat.OrderedPoint9DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,9U > >,std::allocator< npstat::OrderedPointND< std::array< double,9U > > > > *":
return _npstat.OrderedPoint9DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint9DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::difference_type") -> "void":
return _npstat.OrderedPoint9DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint9DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::value_type const &":
return _npstat.OrderedPoint9DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint9DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::value_type":
return _npstat.OrderedPoint9DVector_pop(self)
def append(self, x: "OrderedPoint9D") -> "void":
return _npstat.OrderedPoint9DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint9DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::size_type":
return _npstat.OrderedPoint9DVector_size(self)
def swap(self, v: "OrderedPoint9DVector") -> "void":
return _npstat.OrderedPoint9DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::iterator":
return _npstat.OrderedPoint9DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::iterator":
return _npstat.OrderedPoint9DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::reverse_iterator":
return _npstat.OrderedPoint9DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::reverse_iterator":
return _npstat.OrderedPoint9DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint9DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::allocator_type":
return _npstat.OrderedPoint9DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint9DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::iterator":
return _npstat.OrderedPoint9DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint9DVector_swiginit(self, _npstat.new_OrderedPoint9DVector(*args))
def push_back(self, x: "OrderedPoint9D") -> "void":
return _npstat.OrderedPoint9DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::value_type const &":
return _npstat.OrderedPoint9DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::value_type const &":
return _npstat.OrderedPoint9DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::size_type", x: "OrderedPoint9D") -> "void":
return _npstat.OrderedPoint9DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint9DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint9DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::size_type") -> "void":
return _npstat.OrderedPoint9DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,9U > > >::size_type":
return _npstat.OrderedPoint9DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint9DVector
# Register OrderedPoint9DVector in _npstat:
_npstat.OrderedPoint9DVector_swigregister(OrderedPoint9DVector)
class OrderedPoint10DVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.OrderedPoint10DVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.OrderedPoint10DVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.OrderedPoint10DVector___bool__(self)
def __len__(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::size_type":
return _npstat.OrderedPoint10DVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::difference_type") -> "std::vector< npstat::OrderedPointND< std::array< double,10U > >,std::allocator< npstat::OrderedPointND< std::array< double,10U > > > > *":
return _npstat.OrderedPoint10DVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.OrderedPoint10DVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::difference_type", j: "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::difference_type") -> "void":
return _npstat.OrderedPoint10DVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.OrderedPoint10DVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::value_type const &":
return _npstat.OrderedPoint10DVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.OrderedPoint10DVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::value_type":
return _npstat.OrderedPoint10DVector_pop(self)
def append(self, x: "OrderedPoint10D") -> "void":
return _npstat.OrderedPoint10DVector_append(self, x)
def empty(self) -> "bool":
return _npstat.OrderedPoint10DVector_empty(self)
def size(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::size_type":
return _npstat.OrderedPoint10DVector_size(self)
def swap(self, v: "OrderedPoint10DVector") -> "void":
return _npstat.OrderedPoint10DVector_swap(self, v)
def begin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::iterator":
return _npstat.OrderedPoint10DVector_begin(self)
def end(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::iterator":
return _npstat.OrderedPoint10DVector_end(self)
def rbegin(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::reverse_iterator":
return _npstat.OrderedPoint10DVector_rbegin(self)
def rend(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::reverse_iterator":
return _npstat.OrderedPoint10DVector_rend(self)
def clear(self) -> "void":
return _npstat.OrderedPoint10DVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::allocator_type":
return _npstat.OrderedPoint10DVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.OrderedPoint10DVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::iterator":
return _npstat.OrderedPoint10DVector_erase(self, *args)
def __init__(self, *args):
_npstat.OrderedPoint10DVector_swiginit(self, _npstat.new_OrderedPoint10DVector(*args))
def push_back(self, x: "OrderedPoint10D") -> "void":
return _npstat.OrderedPoint10DVector_push_back(self, x)
def front(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::value_type const &":
return _npstat.OrderedPoint10DVector_front(self)
def back(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::value_type const &":
return _npstat.OrderedPoint10DVector_back(self)
def assign(self, n: "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::size_type", x: "OrderedPoint10D") -> "void":
return _npstat.OrderedPoint10DVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.OrderedPoint10DVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.OrderedPoint10DVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::size_type") -> "void":
return _npstat.OrderedPoint10DVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::OrderedPointND< std::array< double,10U > > >::size_type":
return _npstat.OrderedPoint10DVector_capacity(self)
__swig_destroy__ = _npstat.delete_OrderedPoint10DVector
# Register OrderedPoint10DVector in _npstat:
_npstat.OrderedPoint10DVector_swigregister(OrderedPoint10DVector)
def fillOrderedPoints1D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint1DVector") -> "void":
return _npstat.fillOrderedPoints1D(data, dimsToUse, out)
def fillOrderedPoints2D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint2DVector") -> "void":
return _npstat.fillOrderedPoints2D(data, dimsToUse, out)
def fillOrderedPoints3D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint3DVector") -> "void":
return _npstat.fillOrderedPoints3D(data, dimsToUse, out)
def fillOrderedPoints4D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint4DVector") -> "void":
return _npstat.fillOrderedPoints4D(data, dimsToUse, out)
def fillOrderedPoints5D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint5DVector") -> "void":
return _npstat.fillOrderedPoints5D(data, dimsToUse, out)
def fillOrderedPoints6D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint6DVector") -> "void":
return _npstat.fillOrderedPoints6D(data, dimsToUse, out)
def fillOrderedPoints7D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint7DVector") -> "void":
return _npstat.fillOrderedPoints7D(data, dimsToUse, out)
def fillOrderedPoints8D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint8DVector") -> "void":
return _npstat.fillOrderedPoints8D(data, dimsToUse, out)
def fillOrderedPoints9D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint9DVector") -> "void":
return _npstat.fillOrderedPoints9D(data, dimsToUse, out)
def fillOrderedPoints10D(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", out: "OrderedPoint10DVector") -> "void":
return _npstat.fillOrderedPoints10D(data, dimsToUse, out)
def fillOrderedFromFlat1D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint1DVector") -> "void":
return _npstat.fillOrderedFromFlat1D(data, stride, dimsToUse, out)
def fillOrderedFromFlat2D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint2DVector") -> "void":
return _npstat.fillOrderedFromFlat2D(data, stride, dimsToUse, out)
def fillOrderedFromFlat3D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint3DVector") -> "void":
return _npstat.fillOrderedFromFlat3D(data, stride, dimsToUse, out)
def fillOrderedFromFlat4D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint4DVector") -> "void":
return _npstat.fillOrderedFromFlat4D(data, stride, dimsToUse, out)
def fillOrderedFromFlat5D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint5DVector") -> "void":
return _npstat.fillOrderedFromFlat5D(data, stride, dimsToUse, out)
def fillOrderedFromFlat6D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint6DVector") -> "void":
return _npstat.fillOrderedFromFlat6D(data, stride, dimsToUse, out)
def fillOrderedFromFlat7D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint7DVector") -> "void":
return _npstat.fillOrderedFromFlat7D(data, stride, dimsToUse, out)
def fillOrderedFromFlat8D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint8DVector") -> "void":
return _npstat.fillOrderedFromFlat8D(data, stride, dimsToUse, out)
def fillOrderedFromFlat9D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint9DVector") -> "void":
return _npstat.fillOrderedFromFlat9D(data, stride, dimsToUse, out)
def fillOrderedFromFlat10D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *", out: "OrderedPoint10DVector") -> "void":
return _npstat.fillOrderedFromFlat10D(data, stride, dimsToUse, out)
def makeOrderedPoints1D(data: "Point1DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,1U > >,std::allocator< npstat::OrderedPointND< std::array< double,1U > > > > *":
return _npstat.makeOrderedPoints1D(data)
def makeOrderedPoints2D(data: "Point2DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,2U > >,std::allocator< npstat::OrderedPointND< std::array< double,2U > > > > *":
return _npstat.makeOrderedPoints2D(data)
def makeOrderedPoints3D(data: "Point3DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,3U > >,std::allocator< npstat::OrderedPointND< std::array< double,3U > > > > *":
return _npstat.makeOrderedPoints3D(data)
def makeOrderedPoints4D(data: "Point4DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,4U > >,std::allocator< npstat::OrderedPointND< std::array< double,4U > > > > *":
return _npstat.makeOrderedPoints4D(data)
def makeOrderedPoints5D(data: "Point5DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,5U > >,std::allocator< npstat::OrderedPointND< std::array< double,5U > > > > *":
return _npstat.makeOrderedPoints5D(data)
def makeOrderedPoints6D(data: "Point6DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,6U > >,std::allocator< npstat::OrderedPointND< std::array< double,6U > > > > *":
return _npstat.makeOrderedPoints6D(data)
def makeOrderedPoints7D(data: "Point7DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,7U > >,std::allocator< npstat::OrderedPointND< std::array< double,7U > > > > *":
return _npstat.makeOrderedPoints7D(data)
def makeOrderedPoints8D(data: "Point8DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,8U > >,std::allocator< npstat::OrderedPointND< std::array< double,8U > > > > *":
return _npstat.makeOrderedPoints8D(data)
def makeOrderedPoints9D(data: "Point9DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,9U > >,std::allocator< npstat::OrderedPointND< std::array< double,9U > > > > *":
return _npstat.makeOrderedPoints9D(data)
def makeOrderedPoints10D(data: "Point10DVector") -> "std::vector< npstat::OrderedPointND< std::array< double,10U > >,std::allocator< npstat::OrderedPointND< std::array< double,10U > > > > *":
return _npstat.makeOrderedPoints10D(data)
def makeOrderedFromFlat1D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,1U > >,std::allocator< npstat::OrderedPointND< std::array< double,1U > > > > *":
return _npstat.makeOrderedFromFlat1D(data, stride, dimsToUse)
def makeOrderedFromFlat2D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,2U > >,std::allocator< npstat::OrderedPointND< std::array< double,2U > > > > *":
return _npstat.makeOrderedFromFlat2D(data, stride, dimsToUse)
def makeOrderedFromFlat3D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,3U > >,std::allocator< npstat::OrderedPointND< std::array< double,3U > > > > *":
return _npstat.makeOrderedFromFlat3D(data, stride, dimsToUse)
def makeOrderedFromFlat4D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,4U > >,std::allocator< npstat::OrderedPointND< std::array< double,4U > > > > *":
return _npstat.makeOrderedFromFlat4D(data, stride, dimsToUse)
def makeOrderedFromFlat5D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,5U > >,std::allocator< npstat::OrderedPointND< std::array< double,5U > > > > *":
return _npstat.makeOrderedFromFlat5D(data, stride, dimsToUse)
def makeOrderedFromFlat6D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,6U > >,std::allocator< npstat::OrderedPointND< std::array< double,6U > > > > *":
return _npstat.makeOrderedFromFlat6D(data, stride, dimsToUse)
def makeOrderedFromFlat7D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,7U > >,std::allocator< npstat::OrderedPointND< std::array< double,7U > > > > *":
return _npstat.makeOrderedFromFlat7D(data, stride, dimsToUse)
def makeOrderedFromFlat8D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,8U > >,std::allocator< npstat::OrderedPointND< std::array< double,8U > > > > *":
return _npstat.makeOrderedFromFlat8D(data, stride, dimsToUse)
def makeOrderedFromFlat9D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,9U > >,std::allocator< npstat::OrderedPointND< std::array< double,9U > > > > *":
return _npstat.makeOrderedFromFlat9D(data, stride, dimsToUse)
def makeOrderedFromFlat10D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< npstat::OrderedPointND< std::array< double,10U > >,std::allocator< npstat::OrderedPointND< std::array< double,10U > > > > *":
return _npstat.makeOrderedFromFlat10D(data, stride, dimsToUse)
def makePointsFromFlat1D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,1U >,std::allocator< std::array< double,1U > > > *":
return _npstat.makePointsFromFlat1D(data, stride, dimsToUse)
def makePointsFromFlat2D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,2U >,std::allocator< std::array< double,2U > > > *":
return _npstat.makePointsFromFlat2D(data, stride, dimsToUse)
def makePointsFromFlat3D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,3U >,std::allocator< std::array< double,3U > > > *":
return _npstat.makePointsFromFlat3D(data, stride, dimsToUse)
def makePointsFromFlat4D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,4U >,std::allocator< std::array< double,4U > > > *":
return _npstat.makePointsFromFlat4D(data, stride, dimsToUse)
def makePointsFromFlat5D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,5U >,std::allocator< std::array< double,5U > > > *":
return _npstat.makePointsFromFlat5D(data, stride, dimsToUse)
def makePointsFromFlat6D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,6U >,std::allocator< std::array< double,6U > > > *":
return _npstat.makePointsFromFlat6D(data, stride, dimsToUse)
def makePointsFromFlat7D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,7U >,std::allocator< std::array< double,7U > > > *":
return _npstat.makePointsFromFlat7D(data, stride, dimsToUse)
def makePointsFromFlat8D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,8U >,std::allocator< std::array< double,8U > > > *":
return _npstat.makePointsFromFlat8D(data, stride, dimsToUse)
def makePointsFromFlat9D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,9U >,std::allocator< std::array< double,9U > > > *":
return _npstat.makePointsFromFlat9D(data, stride, dimsToUse)
def makePointsFromFlat10D(data: "DoubleVector", stride: "unsigned int", dimsToUse: "unsigned int const *") -> "std::vector< std::array< double,10U >,std::allocator< std::array< double,10U > > > *":
return _npstat.makePointsFromFlat10D(data, stride, dimsToUse)
def PointND(*args) -> "std::array< double,10U >":
return _npstat.PointND(*args)
def OrderedND(*args) -> "npstat::OrderedPointND< std::array< double,10U > >":
return _npstat.OrderedND(*args)
class CompositeDistributionND(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def addMarginal(self, marginal: "AbsDistribution1D") -> "void":
return _npstat.CompositeDistributionND_addMarginal(self, marginal)
__swig_destroy__ = _npstat.delete_CompositeDistributionND
def clone(self) -> "npstat::CompositeDistributionND *":
return _npstat.CompositeDistributionND_clone(self)
def mappedByQuantiles(self) -> "bool":
return _npstat.CompositeDistributionND_mappedByQuantiles(self)
def copula(self) -> "npstat::AbsDistributionND const *":
return _npstat.CompositeDistributionND_copula(self)
def marginal(self, index: "unsigned int") -> "npstat::AbsDistribution1D const *":
return _npstat.CompositeDistributionND_marginal(self, index)
def density(self, x: "double const *") -> "double":
return _npstat.CompositeDistributionND_density(self, x)
def copulaDensity(self, x: "double const *") -> "double":
return _npstat.CompositeDistributionND_copulaDensity(self, x)
def productOfTheMarginals(self, x: "double const *") -> "double":
return _npstat.CompositeDistributionND_productOfTheMarginals(self, x)
def unitMap(self, rnd: "double const *", dim: "unsigned int", x: "double *") -> "void":
return _npstat.CompositeDistributionND_unitMap(self, rnd, dim, x)
def classId(self) -> "gs::ClassId":
return _npstat.CompositeDistributionND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.CompositeDistributionND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.CompositeDistributionND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.CompositeDistributionND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::CompositeDistributionND *":
return _npstat.CompositeDistributionND_read(id, _in)
def __init__(self, *args):
_npstat.CompositeDistributionND_swiginit(self, _npstat.new_CompositeDistributionND(*args))
# Register CompositeDistributionND in _npstat:
_npstat.CompositeDistributionND_swigregister(CompositeDistributionND)
def CompositeDistributionND_classname() -> "char const *":
return _npstat.CompositeDistributionND_classname()
def CompositeDistributionND_version() -> "unsigned int":
return _npstat.CompositeDistributionND_version()
def CompositeDistributionND_read(id: "ClassId", _in: "istream") -> "npstat::CompositeDistributionND *":
return _npstat.CompositeDistributionND_read(id, _in)
class ArchiveRecord_CompositeDistributionND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "CompositeDistributionND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_CompositeDistributionND_swiginit(self, _npstat.new_ArchiveRecord_CompositeDistributionND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_CompositeDistributionND
# Register ArchiveRecord_CompositeDistributionND in _npstat:
_npstat.ArchiveRecord_CompositeDistributionND_swigregister(ArchiveRecord_CompositeDistributionND)
class Ref_CompositeDistributionND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CompositeDistributionND_swiginit(self, _npstat.new_Ref_CompositeDistributionND(*args))
def restore(self, index: "unsigned long", obj: "CompositeDistributionND") -> "void":
return _npstat.Ref_CompositeDistributionND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::CompositeDistributionND *":
return _npstat.Ref_CompositeDistributionND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::CompositeDistributionND":
return _npstat.Ref_CompositeDistributionND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CompositeDistributionND
# Register Ref_CompositeDistributionND in _npstat:
_npstat.Ref_CompositeDistributionND_swigregister(Ref_CompositeDistributionND)
class AbsCompositeDistroBuilder2D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCompositeDistroBuilder2D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint2DVector") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder2D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsCompositeDistroBuilder< std::array< double,2U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *", nDimsToUse: "unsigned int") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder2D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse, nDimsToUse)
# Register AbsCompositeDistroBuilder2D in _npstat:
_npstat.AbsCompositeDistroBuilder2D_swigregister(AbsCompositeDistroBuilder2D)
class AbsCompositeDistroBuilder3D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCompositeDistroBuilder3D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint3DVector") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder3D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsCompositeDistroBuilder< std::array< double,3U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *", nDimsToUse: "unsigned int") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder3D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse, nDimsToUse)
# Register AbsCompositeDistroBuilder3D in _npstat:
_npstat.AbsCompositeDistroBuilder3D_swigregister(AbsCompositeDistroBuilder3D)
class AbsCompositeDistroBuilder4D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCompositeDistroBuilder4D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint4DVector") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder4D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsCompositeDistroBuilder< std::array< double,4U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *", nDimsToUse: "unsigned int") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder4D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse, nDimsToUse)
# Register AbsCompositeDistroBuilder4D in _npstat:
_npstat.AbsCompositeDistroBuilder4D_swigregister(AbsCompositeDistroBuilder4D)
class AbsCompositeDistroBuilder5D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCompositeDistroBuilder5D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint5DVector") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder5D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsCompositeDistroBuilder< std::array< double,5U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *", nDimsToUse: "unsigned int") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder5D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse, nDimsToUse)
# Register AbsCompositeDistroBuilder5D in _npstat:
_npstat.AbsCompositeDistroBuilder5D_swigregister(AbsCompositeDistroBuilder5D)
class AbsCompositeDistroBuilder6D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCompositeDistroBuilder6D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint6DVector") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder6D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsCompositeDistroBuilder< std::array< double,6U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *", nDimsToUse: "unsigned int") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder6D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse, nDimsToUse)
# Register AbsCompositeDistroBuilder6D in _npstat:
_npstat.AbsCompositeDistroBuilder6D_swigregister(AbsCompositeDistroBuilder6D)
class AbsCompositeDistroBuilder7D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCompositeDistroBuilder7D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint7DVector") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder7D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsCompositeDistroBuilder< std::array< double,7U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *", nDimsToUse: "unsigned int") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder7D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse, nDimsToUse)
# Register AbsCompositeDistroBuilder7D in _npstat:
_npstat.AbsCompositeDistroBuilder7D_swigregister(AbsCompositeDistroBuilder7D)
class AbsCompositeDistroBuilder8D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCompositeDistroBuilder8D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint8DVector") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder8D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsCompositeDistroBuilder< std::array< double,8U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *", nDimsToUse: "unsigned int") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder8D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse, nDimsToUse)
# Register AbsCompositeDistroBuilder8D in _npstat:
_npstat.AbsCompositeDistroBuilder8D_swigregister(AbsCompositeDistroBuilder8D)
class AbsCompositeDistroBuilder9D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCompositeDistroBuilder9D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint9DVector") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder9D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsCompositeDistroBuilder< std::array< double,9U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *", nDimsToUse: "unsigned int") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder9D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse, nDimsToUse)
# Register AbsCompositeDistroBuilder9D in _npstat:
_npstat.AbsCompositeDistroBuilder9D_swigregister(AbsCompositeDistroBuilder9D)
class AbsCompositeDistroBuilder10D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCompositeDistroBuilder10D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint10DVector") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder10D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsCompositeDistroBuilder< std::array< double,10U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *", nDimsToUse: "unsigned int") -> "npstat::CompositeDistributionND *":
return _npstat.AbsCompositeDistroBuilder10D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse, nDimsToUse)
# Register AbsCompositeDistroBuilder10D in _npstat:
_npstat.AbsCompositeDistroBuilder10D_swigregister(AbsCompositeDistroBuilder10D)
class ItemLocation(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, pos: "std::streampos", URI: "char const *", cachedItemURI: "char const *"=None):
_npstat.ItemLocation_swiginit(self, _npstat.new_ItemLocation(pos, URI, cachedItemURI))
def URI(self) -> "std::string const &":
return _npstat.ItemLocation_URI(self)
def cachedItemURI(self) -> "std::string const &":
return _npstat.ItemLocation_cachedItemURI(self)
def setURI(self, newURI: "char const *") -> "void":
return _npstat.ItemLocation_setURI(self, newURI)
def setCachedItemURI(self, newURI: "char const *") -> "void":
return _npstat.ItemLocation_setCachedItemURI(self, newURI)
def __eq__(self, r: "ItemLocation") -> "bool":
return _npstat.ItemLocation___eq__(self, r)
def __ne__(self, r: "ItemLocation") -> "bool":
return _npstat.ItemLocation___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.ItemLocation_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.ItemLocation_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.ItemLocation_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ItemLocation_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "gs::ItemLocation *":
return _npstat.ItemLocation_read(id, _in)
def streamPos(self) -> "long long":
return _npstat.ItemLocation_streamPos(self)
def setStreamPos(self, pos: "long long const") -> "void":
return _npstat.ItemLocation_setStreamPos(self, pos)
__swig_destroy__ = _npstat.delete_ItemLocation
# Register ItemLocation in _npstat:
_npstat.ItemLocation_swigregister(ItemLocation)
def ItemLocation_classname() -> "char const *":
return _npstat.ItemLocation_classname()
def ItemLocation_version() -> "unsigned int":
return _npstat.ItemLocation_version()
def ItemLocation_read(id: "ClassId", _in: "istream") -> "gs::ItemLocation *":
return _npstat.ItemLocation_read(id, _in)
class CatalogEntry(ItemDescriptor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.CatalogEntry_swiginit(self, _npstat.new_CatalogEntry(*args))
__swig_destroy__ = _npstat.delete_CatalogEntry
def id(self) -> "unsigned long long":
return _npstat.CatalogEntry_id(self)
def offset(self) -> "unsigned long long":
return _npstat.CatalogEntry_offset(self)
def location(self) -> "gs::ItemLocation const &":
return _npstat.CatalogEntry_location(self)
def itemLength(self) -> "unsigned long long":
return _npstat.CatalogEntry_itemLength(self)
def compressionCode(self) -> "unsigned int":
return _npstat.CatalogEntry_compressionCode(self)
def setStreamPosition(self, pos: "std::streampos") -> "gs::CatalogEntry &":
return _npstat.CatalogEntry_setStreamPosition(self, pos)
def setURI(self, newURI: "char const *") -> "gs::CatalogEntry &":
return _npstat.CatalogEntry_setURI(self, newURI)
def setCachedItemURI(self, newURI: "char const *") -> "gs::CatalogEntry &":
return _npstat.CatalogEntry_setCachedItemURI(self, newURI)
def setOffset(self, off: "unsigned long long const") -> "gs::CatalogEntry &":
return _npstat.CatalogEntry_setOffset(self, off)
def humanReadable(self, os: "ostream") -> "bool":
return _npstat.CatalogEntry_humanReadable(self, os)
def classId(self) -> "gs::ClassId":
return _npstat.CatalogEntry_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.CatalogEntry_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.CatalogEntry_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.CatalogEntry_version()
@staticmethod
def read(id: "ClassId", locId: "ClassId", _in: "istream") -> "gs::CatalogEntry *":
return _npstat.CatalogEntry_read(id, locId, _in)
# Register CatalogEntry in _npstat:
_npstat.CatalogEntry_swigregister(CatalogEntry)
def CatalogEntry_classname() -> "char const *":
return _npstat.CatalogEntry_classname()
def CatalogEntry_version() -> "unsigned int":
return _npstat.CatalogEntry_version()
def CatalogEntry_read(id: "ClassId", locId: "ClassId", _in: "istream") -> "gs::CatalogEntry *":
return _npstat.CatalogEntry_read(id, locId, _in)
class AbsArchive(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsArchive
def name(self) -> "std::string const &":
return _npstat.AbsArchive_name(self)
def isOpen(self) -> "bool":
return _npstat.AbsArchive_isOpen(self)
def error(self) -> "std::string":
return _npstat.AbsArchive_error(self)
def isReadable(self) -> "bool":
return _npstat.AbsArchive_isReadable(self)
def isWritable(self) -> "bool":
return _npstat.AbsArchive_isWritable(self)
def size(self) -> "unsigned long long":
return _npstat.AbsArchive_size(self)
def smallestId(self) -> "unsigned long long":
return _npstat.AbsArchive_smallestId(self)
def largestId(self) -> "unsigned long long":
return _npstat.AbsArchive_largestId(self)
def idsAreContiguous(self) -> "bool":
return _npstat.AbsArchive_idsAreContiguous(self)
def itemExists(self, id: "unsigned long long") -> "bool":
return _npstat.AbsArchive_itemExists(self, id)
def itemSearch(self, namePattern: "SearchSpecifier", categoryPattern: "SearchSpecifier", found: "ULLongVector") -> "void":
return _npstat.AbsArchive_itemSearch(self, namePattern, categoryPattern, found)
def flush(self) -> "void":
return _npstat.AbsArchive_flush(self)
def copyItem(self, id: "unsigned long long", destination: "AbsArchive", newName: "char const *"=None, newCategory: "char const *"=None) -> "unsigned long long":
return _npstat.AbsArchive_copyItem(self, id, destination, newName, newCategory)
def lastItemId(self) -> "unsigned long long":
return _npstat.AbsArchive_lastItemId(self)
def lastItemLength(self) -> "unsigned long long":
return _npstat.AbsArchive_lastItemLength(self)
def __eq__(self, r: "AbsArchive") -> "bool":
return _npstat.AbsArchive___eq__(self, r)
def __ne__(self, r: "AbsArchive") -> "bool":
return _npstat.AbsArchive___ne__(self, r)
def categories(self) -> "PyObject *":
return _npstat.AbsArchive_categories(self)
def store(self, record: "AbsRecord") -> "gs::AbsArchive &":
return _npstat.AbsArchive_store(self, record)
def findItems(self, *args) -> "std::vector< unsigned long long,std::allocator< unsigned long long > >":
return _npstat.AbsArchive_findItems(self, *args)
def getCatalogEntry(self, iid: "unsigned long long") -> "gs::CatalogEntry":
return _npstat.AbsArchive_getCatalogEntry(self, iid)
# Register AbsArchive in _npstat:
_npstat.AbsArchive_swigregister(AbsArchive)
class UCharHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.UCharHistoND_SAMPLE
SUM = _npstat.UCharHistoND_SUM
AVERAGE = _npstat.UCharHistoND_AVERAGE
def __init__(self, *args):
_npstat.UCharHistoND_swiginit(self, _npstat.new_UCharHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.UCharHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.UCharHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.UCharHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< unsigned char > const &":
return _npstat.UCharHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< unsigned char > const &":
return _npstat.UCharHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "unsigned char":
return _npstat.UCharHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "unsigned char":
return _npstat.UCharHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "unsigned char":
return _npstat.UCharHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.UCharHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.UCharHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.UCharHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.UCharHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.UCharHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.UCharHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.UCharHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.UCharHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.UCharHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.UCharHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.UCharHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.UCharHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.UCharHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.UCharHistoND_volume(self)
def integral(self) -> "double":
return _npstat.UCharHistoND_integral(self)
def clear(self) -> "void":
return _npstat.UCharHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.UCharHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.UCharHistoND_clearOverflows(self)
def __eq__(self, arg2: "UCharHistoND") -> "bool":
return _npstat.UCharHistoND___eq__(self, arg2)
def __ne__(self, arg2: "UCharHistoND") -> "bool":
return _npstat.UCharHistoND___ne__(self, arg2)
def isSameData(self, arg2: "UCharHistoND") -> "bool":
return _npstat.UCharHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.UCharHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.UCharHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.UCharHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< unsigned char,npstat::HistoAxis >":
return _npstat.UCharHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.UCharHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.UCharHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.UCharHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.UCharHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.UCharHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UCharHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< unsigned char,npstat::HistoAxis > *":
return _npstat.UCharHistoND_read(id, _in)
def examine(self, *args) -> "unsigned char":
return _npstat.UCharHistoND_examine(self, *args)
def closestBin(self, *args) -> "unsigned char":
return _npstat.UCharHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.UCharHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "unsigned char") -> "void":
return _npstat.UCharHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "unsigned char const") -> "void":
return _npstat.UCharHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "unsigned char const") -> "void":
return _npstat.UCharHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.UCharHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.UCharHistoND_shape(self)
__swig_destroy__ = _npstat.delete_UCharHistoND
# Register UCharHistoND in _npstat:
_npstat.UCharHistoND_swigregister(UCharHistoND)
def UCharHistoND_classname() -> "char const *":
return _npstat.UCharHistoND_classname()
def UCharHistoND_version() -> "unsigned int":
return _npstat.UCharHistoND_version()
def UCharHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< unsigned char,npstat::HistoAxis > *":
return _npstat.UCharHistoND_read(id, _in)
class UCharNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.UCharNUHistoND_SAMPLE
SUM = _npstat.UCharNUHistoND_SUM
AVERAGE = _npstat.UCharNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.UCharNUHistoND_swiginit(self, _npstat.new_UCharNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.UCharNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.UCharNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.UCharNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< unsigned char > const &":
return _npstat.UCharNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< unsigned char > const &":
return _npstat.UCharNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "unsigned char":
return _npstat.UCharNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "unsigned char":
return _npstat.UCharNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "unsigned char":
return _npstat.UCharNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.UCharNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.UCharNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.UCharNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.UCharNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.UCharNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.UCharNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.UCharNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.UCharNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.UCharNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.UCharNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.UCharNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.UCharNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.UCharNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.UCharNUHistoND_volume(self)
def integral(self) -> "double":
return _npstat.UCharNUHistoND_integral(self)
def clear(self) -> "void":
return _npstat.UCharNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.UCharNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.UCharNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "UCharNUHistoND") -> "bool":
return _npstat.UCharNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "UCharNUHistoND") -> "bool":
return _npstat.UCharNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "UCharNUHistoND") -> "bool":
return _npstat.UCharNUHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.UCharNUHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.UCharNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.UCharNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< unsigned char,npstat::NUHistoAxis >":
return _npstat.UCharNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.UCharNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.UCharNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.UCharNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.UCharNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.UCharNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UCharNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< unsigned char,npstat::NUHistoAxis > *":
return _npstat.UCharNUHistoND_read(id, _in)
def examine(self, *args) -> "unsigned char":
return _npstat.UCharNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "unsigned char":
return _npstat.UCharNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.UCharNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "unsigned char") -> "void":
return _npstat.UCharNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "unsigned char const") -> "void":
return _npstat.UCharNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "unsigned char const") -> "void":
return _npstat.UCharNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.UCharNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.UCharNUHistoND_shape(self)
__swig_destroy__ = _npstat.delete_UCharNUHistoND
# Register UCharNUHistoND in _npstat:
_npstat.UCharNUHistoND_swigregister(UCharNUHistoND)
def UCharNUHistoND_classname() -> "char const *":
return _npstat.UCharNUHistoND_classname()
def UCharNUHistoND_version() -> "unsigned int":
return _npstat.UCharNUHistoND_version()
def UCharNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< unsigned char,npstat::NUHistoAxis > *":
return _npstat.UCharNUHistoND_read(id, _in)
class UCharDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.UCharDAHistoND_SAMPLE
SUM = _npstat.UCharDAHistoND_SUM
AVERAGE = _npstat.UCharDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.UCharDAHistoND_swiginit(self, _npstat.new_UCharDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.UCharDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.UCharDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.UCharDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< unsigned char > const &":
return _npstat.UCharDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< unsigned char > const &":
return _npstat.UCharDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "unsigned char":
return _npstat.UCharDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "unsigned char":
return _npstat.UCharDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "unsigned char":
return _npstat.UCharDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.UCharDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.UCharDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.UCharDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.UCharDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.UCharDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.UCharDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.UCharDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.UCharDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.UCharDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.UCharDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.UCharDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.UCharDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.UCharDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.UCharDAHistoND_volume(self)
def integral(self) -> "double":
return _npstat.UCharDAHistoND_integral(self)
def clear(self) -> "void":
return _npstat.UCharDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.UCharDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.UCharDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "UCharDAHistoND") -> "bool":
return _npstat.UCharDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "UCharDAHistoND") -> "bool":
return _npstat.UCharDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "UCharDAHistoND") -> "bool":
return _npstat.UCharDAHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.UCharDAHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.UCharDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.UCharDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< unsigned char,npstat::DualHistoAxis >":
return _npstat.UCharDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.UCharDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.UCharDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.UCharDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.UCharDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.UCharDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UCharDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< unsigned char,npstat::DualHistoAxis > *":
return _npstat.UCharDAHistoND_read(id, _in)
def examine(self, *args) -> "unsigned char":
return _npstat.UCharDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "unsigned char":
return _npstat.UCharDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.UCharDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "unsigned char") -> "void":
return _npstat.UCharDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "unsigned char const") -> "void":
return _npstat.UCharDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "unsigned char const") -> "void":
return _npstat.UCharDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.UCharDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.UCharDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.UCharDAHistoND_shape(self)
__swig_destroy__ = _npstat.delete_UCharDAHistoND
# Register UCharDAHistoND in _npstat:
_npstat.UCharDAHistoND_swigregister(UCharDAHistoND)
def UCharDAHistoND_classname() -> "char const *":
return _npstat.UCharDAHistoND_classname()
def UCharDAHistoND_version() -> "unsigned int":
return _npstat.UCharDAHistoND_version()
def UCharDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< unsigned char,npstat::DualHistoAxis > *":
return _npstat.UCharDAHistoND_read(id, _in)
class BinSummaryHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.BinSummaryHistoND_SAMPLE
SUM = _npstat.BinSummaryHistoND_SUM
AVERAGE = _npstat.BinSummaryHistoND_AVERAGE
def __init__(self, *args):
_npstat.BinSummaryHistoND_swiginit(self, _npstat.new_BinSummaryHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.BinSummaryHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.BinSummaryHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.BinSummaryHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::BinSummary > const &":
return _npstat.BinSummaryHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::BinSummary > const &":
return _npstat.BinSummaryHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::BinSummary":
return _npstat.BinSummaryHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::BinSummary":
return _npstat.BinSummaryHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::BinSummary":
return _npstat.BinSummaryHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.BinSummaryHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.BinSummaryHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.BinSummaryHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.BinSummaryHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.BinSummaryHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.BinSummaryHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.BinSummaryHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.BinSummaryHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.BinSummaryHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.BinSummaryHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.BinSummaryHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.BinSummaryHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.BinSummaryHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.BinSummaryHistoND_volume(self)
def clear(self) -> "void":
return _npstat.BinSummaryHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.BinSummaryHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.BinSummaryHistoND_clearOverflows(self)
def __eq__(self, arg2: "BinSummaryHistoND") -> "bool":
return _npstat.BinSummaryHistoND___eq__(self, arg2)
def __ne__(self, arg2: "BinSummaryHistoND") -> "bool":
return _npstat.BinSummaryHistoND___ne__(self, arg2)
def isSameData(self, arg2: "BinSummaryHistoND") -> "bool":
return _npstat.BinSummaryHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.BinSummaryHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.BinSummaryHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::BinSummary,npstat::HistoAxis >":
return _npstat.BinSummaryHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.BinSummaryHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.BinSummaryHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.BinSummaryHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.BinSummaryHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.BinSummaryHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.BinSummaryHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::BinSummary,npstat::HistoAxis > *":
return _npstat.BinSummaryHistoND_read(id, _in)
def examine(self, *args) -> "npstat::BinSummary":
return _npstat.BinSummaryHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::BinSummary":
return _npstat.BinSummaryHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.BinSummaryHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "BinSummary") -> "void":
return _npstat.BinSummaryHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "BinSummary") -> "void":
return _npstat.BinSummaryHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "BinSummary") -> "void":
return _npstat.BinSummaryHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.BinSummaryHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.BinSummaryHistoND_shape(self)
__swig_destroy__ = _npstat.delete_BinSummaryHistoND
# Register BinSummaryHistoND in _npstat:
_npstat.BinSummaryHistoND_swigregister(BinSummaryHistoND)
def BinSummaryHistoND_classname() -> "char const *":
return _npstat.BinSummaryHistoND_classname()
def BinSummaryHistoND_version() -> "unsigned int":
return _npstat.BinSummaryHistoND_version()
def BinSummaryHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::BinSummary,npstat::HistoAxis > *":
return _npstat.BinSummaryHistoND_read(id, _in)
class BinSummaryNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.BinSummaryNUHistoND_SAMPLE
SUM = _npstat.BinSummaryNUHistoND_SUM
AVERAGE = _npstat.BinSummaryNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.BinSummaryNUHistoND_swiginit(self, _npstat.new_BinSummaryNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.BinSummaryNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.BinSummaryNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.BinSummaryNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::BinSummary > const &":
return _npstat.BinSummaryNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::BinSummary > const &":
return _npstat.BinSummaryNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::BinSummary":
return _npstat.BinSummaryNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::BinSummary":
return _npstat.BinSummaryNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::BinSummary":
return _npstat.BinSummaryNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.BinSummaryNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.BinSummaryNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.BinSummaryNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.BinSummaryNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.BinSummaryNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.BinSummaryNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.BinSummaryNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.BinSummaryNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.BinSummaryNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.BinSummaryNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.BinSummaryNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.BinSummaryNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.BinSummaryNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.BinSummaryNUHistoND_volume(self)
def clear(self) -> "void":
return _npstat.BinSummaryNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.BinSummaryNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.BinSummaryNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "BinSummaryNUHistoND") -> "bool":
return _npstat.BinSummaryNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "BinSummaryNUHistoND") -> "bool":
return _npstat.BinSummaryNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "BinSummaryNUHistoND") -> "bool":
return _npstat.BinSummaryNUHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.BinSummaryNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.BinSummaryNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::BinSummary,npstat::NUHistoAxis >":
return _npstat.BinSummaryNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.BinSummaryNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.BinSummaryNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.BinSummaryNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.BinSummaryNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.BinSummaryNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.BinSummaryNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::BinSummary,npstat::NUHistoAxis > *":
return _npstat.BinSummaryNUHistoND_read(id, _in)
def examine(self, *args) -> "npstat::BinSummary":
return _npstat.BinSummaryNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::BinSummary":
return _npstat.BinSummaryNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.BinSummaryNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "BinSummary") -> "void":
return _npstat.BinSummaryNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "BinSummary") -> "void":
return _npstat.BinSummaryNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "BinSummary") -> "void":
return _npstat.BinSummaryNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.BinSummaryNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.BinSummaryNUHistoND_shape(self)
__swig_destroy__ = _npstat.delete_BinSummaryNUHistoND
# Register BinSummaryNUHistoND in _npstat:
_npstat.BinSummaryNUHistoND_swigregister(BinSummaryNUHistoND)
def BinSummaryNUHistoND_classname() -> "char const *":
return _npstat.BinSummaryNUHistoND_classname()
def BinSummaryNUHistoND_version() -> "unsigned int":
return _npstat.BinSummaryNUHistoND_version()
def BinSummaryNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::BinSummary,npstat::NUHistoAxis > *":
return _npstat.BinSummaryNUHistoND_read(id, _in)
class BinSummaryDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.BinSummaryDAHistoND_SAMPLE
SUM = _npstat.BinSummaryDAHistoND_SUM
AVERAGE = _npstat.BinSummaryDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.BinSummaryDAHistoND_swiginit(self, _npstat.new_BinSummaryDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.BinSummaryDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.BinSummaryDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.BinSummaryDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::BinSummary > const &":
return _npstat.BinSummaryDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::BinSummary > const &":
return _npstat.BinSummaryDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::BinSummary":
return _npstat.BinSummaryDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::BinSummary":
return _npstat.BinSummaryDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::BinSummary":
return _npstat.BinSummaryDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.BinSummaryDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.BinSummaryDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.BinSummaryDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.BinSummaryDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.BinSummaryDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.BinSummaryDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.BinSummaryDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.BinSummaryDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.BinSummaryDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.BinSummaryDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.BinSummaryDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.BinSummaryDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.BinSummaryDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.BinSummaryDAHistoND_volume(self)
def clear(self) -> "void":
return _npstat.BinSummaryDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.BinSummaryDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.BinSummaryDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "BinSummaryDAHistoND") -> "bool":
return _npstat.BinSummaryDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "BinSummaryDAHistoND") -> "bool":
return _npstat.BinSummaryDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "BinSummaryDAHistoND") -> "bool":
return _npstat.BinSummaryDAHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.BinSummaryDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.BinSummaryDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::BinSummary,npstat::DualHistoAxis >":
return _npstat.BinSummaryDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.BinSummaryDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.BinSummaryDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.BinSummaryDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.BinSummaryDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.BinSummaryDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.BinSummaryDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::BinSummary,npstat::DualHistoAxis > *":
return _npstat.BinSummaryDAHistoND_read(id, _in)
def examine(self, *args) -> "npstat::BinSummary":
return _npstat.BinSummaryDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::BinSummary":
return _npstat.BinSummaryDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.BinSummaryDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "BinSummary") -> "void":
return _npstat.BinSummaryDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "BinSummary") -> "void":
return _npstat.BinSummaryDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "BinSummary") -> "void":
return _npstat.BinSummaryDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.BinSummaryDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.BinSummaryDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.BinSummaryDAHistoND_shape(self)
__swig_destroy__ = _npstat.delete_BinSummaryDAHistoND
# Register BinSummaryDAHistoND in _npstat:
_npstat.BinSummaryDAHistoND_swigregister(BinSummaryDAHistoND)
def BinSummaryDAHistoND_classname() -> "char const *":
return _npstat.BinSummaryDAHistoND_classname()
def BinSummaryDAHistoND_version() -> "unsigned int":
return _npstat.BinSummaryDAHistoND_version()
def BinSummaryDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::BinSummary,npstat::DualHistoAxis > *":
return _npstat.BinSummaryDAHistoND_read(id, _in)
class IntHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.IntHistoND_SAMPLE
SUM = _npstat.IntHistoND_SUM
AVERAGE = _npstat.IntHistoND_AVERAGE
def __init__(self, *args):
_npstat.IntHistoND_swiginit(self, _npstat.new_IntHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.IntHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.IntHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.IntHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< int > const &":
return _npstat.IntHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< int > const &":
return _npstat.IntHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "int":
return _npstat.IntHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "int":
return _npstat.IntHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "int":
return _npstat.IntHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.IntHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.IntHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.IntHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.IntHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.IntHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.IntHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.IntHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.IntHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.IntHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.IntHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.IntHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.IntHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.IntHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.IntHistoND_volume(self)
def integral(self) -> "double":
return _npstat.IntHistoND_integral(self)
def clear(self) -> "void":
return _npstat.IntHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.IntHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.IntHistoND_clearOverflows(self)
def __eq__(self, arg2: "IntHistoND") -> "bool":
return _npstat.IntHistoND___eq__(self, arg2)
def __ne__(self, arg2: "IntHistoND") -> "bool":
return _npstat.IntHistoND___ne__(self, arg2)
def isSameData(self, arg2: "IntHistoND") -> "bool":
return _npstat.IntHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.IntHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.IntHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.IntHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< int,npstat::HistoAxis >":
return _npstat.IntHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.IntHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.IntHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.IntHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.IntHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.IntHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IntHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< int,npstat::HistoAxis > *":
return _npstat.IntHistoND_read(id, _in)
def examine(self, *args) -> "int":
return _npstat.IntHistoND_examine(self, *args)
def closestBin(self, *args) -> "int":
return _npstat.IntHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.IntHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "int") -> "void":
return _npstat.IntHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "int const") -> "void":
return _npstat.IntHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "int const") -> "void":
return _npstat.IntHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.IntHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.IntHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.IntHistoND_fill(self, *args)
def filli(self, *args) -> "void":
return _npstat.IntHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.IntHistoND_filll(self, *args)
def filld(self, *args) -> "void":
return _npstat.IntHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_IntHistoND
# Register IntHistoND in _npstat:
_npstat.IntHistoND_swigregister(IntHistoND)
def IntHistoND_classname() -> "char const *":
return _npstat.IntHistoND_classname()
def IntHistoND_version() -> "unsigned int":
return _npstat.IntHistoND_version()
def IntHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< int,npstat::HistoAxis > *":
return _npstat.IntHistoND_read(id, _in)
class LongHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.LongHistoND_SAMPLE
SUM = _npstat.LongHistoND_SUM
AVERAGE = _npstat.LongHistoND_AVERAGE
def __init__(self, *args):
_npstat.LongHistoND_swiginit(self, _npstat.new_LongHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.LongHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.LongHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.LongHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< long > const &":
return _npstat.LongHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< long > const &":
return _npstat.LongHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "long":
return _npstat.LongHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "long":
return _npstat.LongHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "long":
return _npstat.LongHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.LongHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.LongHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.LongHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.LongHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.LongHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.LongHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.LongHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.LongHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.LongHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.LongHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.LongHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.LongHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.LongHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.LongHistoND_volume(self)
def integral(self) -> "double":
return _npstat.LongHistoND_integral(self)
def clear(self) -> "void":
return _npstat.LongHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.LongHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.LongHistoND_clearOverflows(self)
def __eq__(self, arg2: "LongHistoND") -> "bool":
return _npstat.LongHistoND___eq__(self, arg2)
def __ne__(self, arg2: "LongHistoND") -> "bool":
return _npstat.LongHistoND___ne__(self, arg2)
def isSameData(self, arg2: "LongHistoND") -> "bool":
return _npstat.LongHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.LongHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.LongHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.LongHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< long,npstat::HistoAxis >":
return _npstat.LongHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.LongHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.LongHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.LongHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LongHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LongHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LongHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< long,npstat::HistoAxis > *":
return _npstat.LongHistoND_read(id, _in)
def examine(self, *args) -> "long":
return _npstat.LongHistoND_examine(self, *args)
def closestBin(self, *args) -> "long":
return _npstat.LongHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.LongHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "long") -> "void":
return _npstat.LongHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "long const") -> "void":
return _npstat.LongHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "long const") -> "void":
return _npstat.LongHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.LongHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.LongHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.LongHistoND_filli(self, *args)
def fill(self, *args) -> "void":
return _npstat.LongHistoND_fill(self, *args)
def filll(self, *args) -> "void":
return _npstat.LongHistoND_filll(self, *args)
def filld(self, *args) -> "void":
return _npstat.LongHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_LongHistoND
# Register LongHistoND in _npstat:
_npstat.LongHistoND_swigregister(LongHistoND)
def LongHistoND_classname() -> "char const *":
return _npstat.LongHistoND_classname()
def LongHistoND_version() -> "unsigned int":
return _npstat.LongHistoND_version()
def LongHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< long,npstat::HistoAxis > *":
return _npstat.LongHistoND_read(id, _in)
class FloatHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.FloatHistoND_SAMPLE
SUM = _npstat.FloatHistoND_SUM
AVERAGE = _npstat.FloatHistoND_AVERAGE
def __init__(self, *args):
_npstat.FloatHistoND_swiginit(self, _npstat.new_FloatHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.FloatHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.FloatHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.FloatHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< float > const &":
return _npstat.FloatHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< float > const &":
return _npstat.FloatHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "float":
return _npstat.FloatHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "float":
return _npstat.FloatHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "float":
return _npstat.FloatHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.FloatHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.FloatHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.FloatHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.FloatHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.FloatHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.FloatHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.FloatHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.FloatHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.FloatHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.FloatHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.FloatHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.FloatHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.FloatHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.FloatHistoND_volume(self)
def integral(self) -> "double":
return _npstat.FloatHistoND_integral(self)
def clear(self) -> "void":
return _npstat.FloatHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.FloatHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.FloatHistoND_clearOverflows(self)
def __eq__(self, arg2: "FloatHistoND") -> "bool":
return _npstat.FloatHistoND___eq__(self, arg2)
def __ne__(self, arg2: "FloatHistoND") -> "bool":
return _npstat.FloatHistoND___ne__(self, arg2)
def isSameData(self, arg2: "FloatHistoND") -> "bool":
return _npstat.FloatHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.FloatHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.FloatHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.FloatHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< float,npstat::HistoAxis >":
return _npstat.FloatHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.FloatHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.FloatHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.FloatHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< float,npstat::HistoAxis > *":
return _npstat.FloatHistoND_read(id, _in)
def examine(self, *args) -> "float":
return _npstat.FloatHistoND_examine(self, *args)
def closestBin(self, *args) -> "float":
return _npstat.FloatHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.FloatHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "float") -> "void":
return _npstat.FloatHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "float const") -> "void":
return _npstat.FloatHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "float const") -> "void":
return _npstat.FloatHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.FloatHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.FloatHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.FloatHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.FloatHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.FloatHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.FloatHistoND_filld(self, *args)
def fillCi(self, *args) -> "void":
return _npstat.FloatHistoND_fillCi(self, *args)
def fillCl(self, *args) -> "void":
return _npstat.FloatHistoND_fillCl(self, *args)
def fillC(self, *args) -> "void":
return _npstat.FloatHistoND_fillC(self, *args)
def fillCd(self, *args) -> "void":
return _npstat.FloatHistoND_fillCd(self, *args)
__swig_destroy__ = _npstat.delete_FloatHistoND
# Register FloatHistoND in _npstat:
_npstat.FloatHistoND_swigregister(FloatHistoND)
def FloatHistoND_classname() -> "char const *":
return _npstat.FloatHistoND_classname()
def FloatHistoND_version() -> "unsigned int":
return _npstat.FloatHistoND_version()
def FloatHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< float,npstat::HistoAxis > *":
return _npstat.FloatHistoND_read(id, _in)
class DoubleHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.DoubleHistoND_SAMPLE
SUM = _npstat.DoubleHistoND_SUM
AVERAGE = _npstat.DoubleHistoND_AVERAGE
def __init__(self, *args):
_npstat.DoubleHistoND_swiginit(self, _npstat.new_DoubleHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.DoubleHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.DoubleHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.DoubleHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "double":
return _npstat.DoubleHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "double":
return _npstat.DoubleHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "double":
return _npstat.DoubleHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.DoubleHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.DoubleHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.DoubleHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.DoubleHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.DoubleHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.DoubleHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DoubleHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.DoubleHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.DoubleHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.DoubleHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.DoubleHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.DoubleHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.DoubleHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.DoubleHistoND_volume(self)
def integral(self) -> "double":
return _npstat.DoubleHistoND_integral(self)
def clear(self) -> "void":
return _npstat.DoubleHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.DoubleHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.DoubleHistoND_clearOverflows(self)
def __eq__(self, arg2: "DoubleHistoND") -> "bool":
return _npstat.DoubleHistoND___eq__(self, arg2)
def __ne__(self, arg2: "DoubleHistoND") -> "bool":
return _npstat.DoubleHistoND___ne__(self, arg2)
def isSameData(self, arg2: "DoubleHistoND") -> "bool":
return _npstat.DoubleHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.DoubleHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.DoubleHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.DoubleHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< double,npstat::HistoAxis >":
return _npstat.DoubleHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.DoubleHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.DoubleHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< double,npstat::HistoAxis > *":
return _npstat.DoubleHistoND_read(id, _in)
def examine(self, *args) -> "double":
return _npstat.DoubleHistoND_examine(self, *args)
def closestBin(self, *args) -> "double":
return _npstat.DoubleHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.DoubleHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "double") -> "void":
return _npstat.DoubleHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "double const") -> "void":
return _npstat.DoubleHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "double const") -> "void":
return _npstat.DoubleHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.DoubleHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DoubleHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.DoubleHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.DoubleHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.DoubleHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.DoubleHistoND_filld(self, *args)
def fillCi(self, *args) -> "void":
return _npstat.DoubleHistoND_fillCi(self, *args)
def fillCl(self, *args) -> "void":
return _npstat.DoubleHistoND_fillCl(self, *args)
def fillC(self, *args) -> "void":
return _npstat.DoubleHistoND_fillC(self, *args)
def fillCd(self, *args) -> "void":
return _npstat.DoubleHistoND_fillCd(self, *args)
__swig_destroy__ = _npstat.delete_DoubleHistoND
# Register DoubleHistoND in _npstat:
_npstat.DoubleHistoND_swigregister(DoubleHistoND)
def DoubleHistoND_classname() -> "char const *":
return _npstat.DoubleHistoND_classname()
def DoubleHistoND_version() -> "unsigned int":
return _npstat.DoubleHistoND_version()
def DoubleHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< double,npstat::HistoAxis > *":
return _npstat.DoubleHistoND_read(id, _in)
class StatAccHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.StatAccHistoND_SAMPLE
SUM = _npstat.StatAccHistoND_SUM
AVERAGE = _npstat.StatAccHistoND_AVERAGE
def __init__(self, *args):
_npstat.StatAccHistoND_swiginit(self, _npstat.new_StatAccHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.StatAccHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.StatAccHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.StatAccHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::StatAccumulator > const &":
return _npstat.StatAccHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::StatAccumulator > const &":
return _npstat.StatAccHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::StatAccumulator":
return _npstat.StatAccHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::StatAccumulator":
return _npstat.StatAccHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::StatAccumulator":
return _npstat.StatAccHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.StatAccHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.StatAccHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.StatAccHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.StatAccHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.StatAccHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.StatAccHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.StatAccHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.StatAccHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.StatAccHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.StatAccHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.StatAccHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.StatAccHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.StatAccHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.StatAccHistoND_volume(self)
def clear(self) -> "void":
return _npstat.StatAccHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.StatAccHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.StatAccHistoND_clearOverflows(self)
def __eq__(self, arg2: "StatAccHistoND") -> "bool":
return _npstat.StatAccHistoND___eq__(self, arg2)
def __ne__(self, arg2: "StatAccHistoND") -> "bool":
return _npstat.StatAccHistoND___ne__(self, arg2)
def isSameData(self, arg2: "StatAccHistoND") -> "bool":
return _npstat.StatAccHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.StatAccHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.StatAccHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::StatAccumulator,npstat::HistoAxis >":
return _npstat.StatAccHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.StatAccHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.StatAccHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.StatAccHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StatAccHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StatAccHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StatAccHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::StatAccumulator,npstat::HistoAxis > *":
return _npstat.StatAccHistoND_read(id, _in)
def examine(self, *args) -> "npstat::StatAccumulator":
return _npstat.StatAccHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::StatAccumulator":
return _npstat.StatAccHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.StatAccHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "StatAccumulator") -> "void":
return _npstat.StatAccHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "StatAccumulator") -> "void":
return _npstat.StatAccHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "StatAccumulator") -> "void":
return _npstat.StatAccHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.StatAccHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.StatAccHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.StatAccHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.StatAccHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.StatAccHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.StatAccHistoND_filld(self, *args)
def fillCi(self, *args) -> "void":
return _npstat.StatAccHistoND_fillCi(self, *args)
def fillCl(self, *args) -> "void":
return _npstat.StatAccHistoND_fillCl(self, *args)
def fillC(self, *args) -> "void":
return _npstat.StatAccHistoND_fillC(self, *args)
def fillCd(self, *args) -> "void":
return _npstat.StatAccHistoND_fillCd(self, *args)
__swig_destroy__ = _npstat.delete_StatAccHistoND
# Register StatAccHistoND in _npstat:
_npstat.StatAccHistoND_swigregister(StatAccHistoND)
def StatAccHistoND_classname() -> "char const *":
return _npstat.StatAccHistoND_classname()
def StatAccHistoND_version() -> "unsigned int":
return _npstat.StatAccHistoND_version()
def StatAccHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::StatAccumulator,npstat::HistoAxis > *":
return _npstat.StatAccHistoND_read(id, _in)
class WStatAccHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.WStatAccHistoND_SAMPLE
SUM = _npstat.WStatAccHistoND_SUM
AVERAGE = _npstat.WStatAccHistoND_AVERAGE
def __init__(self, *args):
_npstat.WStatAccHistoND_swiginit(self, _npstat.new_WStatAccHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.WStatAccHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.WStatAccHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.WStatAccHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::WeightedStatAccumulator > const &":
return _npstat.WStatAccHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::WeightedStatAccumulator > const &":
return _npstat.WStatAccHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.WStatAccHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.WStatAccHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.WStatAccHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.WStatAccHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.WStatAccHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.WStatAccHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.WStatAccHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.WStatAccHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.WStatAccHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.WStatAccHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.WStatAccHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.WStatAccHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.WStatAccHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.WStatAccHistoND_volume(self)
def clear(self) -> "void":
return _npstat.WStatAccHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.WStatAccHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.WStatAccHistoND_clearOverflows(self)
def __eq__(self, arg2: "WStatAccHistoND") -> "bool":
return _npstat.WStatAccHistoND___eq__(self, arg2)
def __ne__(self, arg2: "WStatAccHistoND") -> "bool":
return _npstat.WStatAccHistoND___ne__(self, arg2)
def isSameData(self, arg2: "WStatAccHistoND") -> "bool":
return _npstat.WStatAccHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.WStatAccHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.WStatAccHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::HistoAxis >":
return _npstat.WStatAccHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.WStatAccHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.WStatAccHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.WStatAccHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.WStatAccHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.WStatAccHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.WStatAccHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::HistoAxis > *":
return _npstat.WStatAccHistoND_read(id, _in)
def examine(self, *args) -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.WStatAccHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.WStatAccHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.WStatAccHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.WStatAccHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.WStatAccHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.WStatAccHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.WStatAccHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_WStatAccHistoND
# Register WStatAccHistoND in _npstat:
_npstat.WStatAccHistoND_swigregister(WStatAccHistoND)
def WStatAccHistoND_classname() -> "char const *":
return _npstat.WStatAccHistoND_classname()
def WStatAccHistoND_version() -> "unsigned int":
return _npstat.WStatAccHistoND_version()
def WStatAccHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::HistoAxis > *":
return _npstat.WStatAccHistoND_read(id, _in)
class FSampleAccHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.FSampleAccHistoND_SAMPLE
SUM = _npstat.FSampleAccHistoND_SUM
AVERAGE = _npstat.FSampleAccHistoND_AVERAGE
def __init__(self, *args):
_npstat.FSampleAccHistoND_swiginit(self, _npstat.new_FSampleAccHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.FSampleAccHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.FSampleAccHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.FSampleAccHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::SampleAccumulator< float,long double > > const &":
return _npstat.FSampleAccHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::SampleAccumulator< float,long double > > const &":
return _npstat.FSampleAccHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.FSampleAccHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.FSampleAccHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.FSampleAccHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.FSampleAccHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.FSampleAccHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.FSampleAccHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.FSampleAccHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.FSampleAccHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.FSampleAccHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.FSampleAccHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.FSampleAccHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.FSampleAccHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.FSampleAccHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.FSampleAccHistoND_volume(self)
def clear(self) -> "void":
return _npstat.FSampleAccHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.FSampleAccHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.FSampleAccHistoND_clearOverflows(self)
def __eq__(self, arg2: "FSampleAccHistoND") -> "bool":
return _npstat.FSampleAccHistoND___eq__(self, arg2)
def __ne__(self, arg2: "FSampleAccHistoND") -> "bool":
return _npstat.FSampleAccHistoND___ne__(self, arg2)
def isSameData(self, arg2: "FSampleAccHistoND") -> "bool":
return _npstat.FSampleAccHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.FSampleAccHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.FSampleAccHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::HistoAxis >":
return _npstat.FSampleAccHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.FSampleAccHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.FSampleAccHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.FSampleAccHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FSampleAccHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FSampleAccHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FSampleAccHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::HistoAxis > *":
return _npstat.FSampleAccHistoND_read(id, _in)
def examine(self, *args) -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.FSampleAccHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.FSampleAccHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.FSampleAccHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.FSampleAccHistoND_fill(self, *args)
__swig_destroy__ = _npstat.delete_FSampleAccHistoND
# Register FSampleAccHistoND in _npstat:
_npstat.FSampleAccHistoND_swigregister(FSampleAccHistoND)
def FSampleAccHistoND_classname() -> "char const *":
return _npstat.FSampleAccHistoND_classname()
def FSampleAccHistoND_version() -> "unsigned int":
return _npstat.FSampleAccHistoND_version()
def FSampleAccHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::HistoAxis > *":
return _npstat.FSampleAccHistoND_read(id, _in)
class DSampleAccHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.DSampleAccHistoND_SAMPLE
SUM = _npstat.DSampleAccHistoND_SUM
AVERAGE = _npstat.DSampleAccHistoND_AVERAGE
def __init__(self, *args):
_npstat.DSampleAccHistoND_swiginit(self, _npstat.new_DSampleAccHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.DSampleAccHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.DSampleAccHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.DSampleAccHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::SampleAccumulator< double,long double > > const &":
return _npstat.DSampleAccHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::SampleAccumulator< double,long double > > const &":
return _npstat.DSampleAccHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.DSampleAccHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.DSampleAccHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.DSampleAccHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.DSampleAccHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.DSampleAccHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.DSampleAccHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DSampleAccHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.DSampleAccHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.DSampleAccHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.DSampleAccHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.DSampleAccHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.DSampleAccHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.DSampleAccHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.DSampleAccHistoND_volume(self)
def clear(self) -> "void":
return _npstat.DSampleAccHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.DSampleAccHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.DSampleAccHistoND_clearOverflows(self)
def __eq__(self, arg2: "DSampleAccHistoND") -> "bool":
return _npstat.DSampleAccHistoND___eq__(self, arg2)
def __ne__(self, arg2: "DSampleAccHistoND") -> "bool":
return _npstat.DSampleAccHistoND___ne__(self, arg2)
def isSameData(self, arg2: "DSampleAccHistoND") -> "bool":
return _npstat.DSampleAccHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.DSampleAccHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.DSampleAccHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::HistoAxis >":
return _npstat.DSampleAccHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.DSampleAccHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.DSampleAccHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.DSampleAccHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DSampleAccHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DSampleAccHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DSampleAccHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::HistoAxis > *":
return _npstat.DSampleAccHistoND_read(id, _in)
def examine(self, *args) -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.DSampleAccHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.DSampleAccHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DSampleAccHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.DSampleAccHistoND_fill(self, *args)
__swig_destroy__ = _npstat.delete_DSampleAccHistoND
# Register DSampleAccHistoND in _npstat:
_npstat.DSampleAccHistoND_swigregister(DSampleAccHistoND)
def DSampleAccHistoND_classname() -> "char const *":
return _npstat.DSampleAccHistoND_classname()
def DSampleAccHistoND_version() -> "unsigned int":
return _npstat.DSampleAccHistoND_version()
def DSampleAccHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::HistoAxis > *":
return _npstat.DSampleAccHistoND_read(id, _in)
class DWSampleAccHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.DWSampleAccHistoND_SAMPLE
SUM = _npstat.DWSampleAccHistoND_SUM
AVERAGE = _npstat.DWSampleAccHistoND_AVERAGE
def __init__(self, *args):
_npstat.DWSampleAccHistoND_swiginit(self, _npstat.new_DWSampleAccHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.DWSampleAccHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.DWSampleAccHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.DWSampleAccHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::WeightedSampleAccumulator< double,long double > > const &":
return _npstat.DWSampleAccHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::WeightedSampleAccumulator< double,long double > > const &":
return _npstat.DWSampleAccHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::HistoAxis const &":
return _npstat.DWSampleAccHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.DWSampleAccHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.DWSampleAccHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.DWSampleAccHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.DWSampleAccHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.DWSampleAccHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DWSampleAccHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.DWSampleAccHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.DWSampleAccHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.DWSampleAccHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.DWSampleAccHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.DWSampleAccHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.DWSampleAccHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.DWSampleAccHistoND_volume(self)
def clear(self) -> "void":
return _npstat.DWSampleAccHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.DWSampleAccHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.DWSampleAccHistoND_clearOverflows(self)
def __eq__(self, arg2: "DWSampleAccHistoND") -> "bool":
return _npstat.DWSampleAccHistoND___eq__(self, arg2)
def __ne__(self, arg2: "DWSampleAccHistoND") -> "bool":
return _npstat.DWSampleAccHistoND___ne__(self, arg2)
def isSameData(self, arg2: "DWSampleAccHistoND") -> "bool":
return _npstat.DWSampleAccHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.DWSampleAccHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.DWSampleAccHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::HistoAxis >":
return _npstat.DWSampleAccHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.DWSampleAccHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.DWSampleAccHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.DWSampleAccHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DWSampleAccHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DWSampleAccHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DWSampleAccHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::HistoAxis > *":
return _npstat.DWSampleAccHistoND_read(id, _in)
def examine(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.DWSampleAccHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::HistoAxis,std::allocator< npstat::HistoAxis > >":
return _npstat.DWSampleAccHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DWSampleAccHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.DWSampleAccHistoND_fill(self, *args)
__swig_destroy__ = _npstat.delete_DWSampleAccHistoND
# Register DWSampleAccHistoND in _npstat:
_npstat.DWSampleAccHistoND_swigregister(DWSampleAccHistoND)
def DWSampleAccHistoND_classname() -> "char const *":
return _npstat.DWSampleAccHistoND_classname()
def DWSampleAccHistoND_version() -> "unsigned int":
return _npstat.DWSampleAccHistoND_version()
def DWSampleAccHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::HistoAxis > *":
return _npstat.DWSampleAccHistoND_read(id, _in)
class IntNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.IntNUHistoND_SAMPLE
SUM = _npstat.IntNUHistoND_SUM
AVERAGE = _npstat.IntNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.IntNUHistoND_swiginit(self, _npstat.new_IntNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.IntNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.IntNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.IntNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< int > const &":
return _npstat.IntNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< int > const &":
return _npstat.IntNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "int":
return _npstat.IntNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "int":
return _npstat.IntNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "int":
return _npstat.IntNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.IntNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.IntNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.IntNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.IntNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.IntNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.IntNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.IntNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.IntNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.IntNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.IntNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.IntNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.IntNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.IntNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.IntNUHistoND_volume(self)
def integral(self) -> "double":
return _npstat.IntNUHistoND_integral(self)
def clear(self) -> "void":
return _npstat.IntNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.IntNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.IntNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "IntNUHistoND") -> "bool":
return _npstat.IntNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "IntNUHistoND") -> "bool":
return _npstat.IntNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "IntNUHistoND") -> "bool":
return _npstat.IntNUHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.IntNUHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.IntNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.IntNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< int,npstat::NUHistoAxis >":
return _npstat.IntNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.IntNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.IntNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.IntNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.IntNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.IntNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IntNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< int,npstat::NUHistoAxis > *":
return _npstat.IntNUHistoND_read(id, _in)
def examine(self, *args) -> "int":
return _npstat.IntNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "int":
return _npstat.IntNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.IntNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "int") -> "void":
return _npstat.IntNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "int const") -> "void":
return _npstat.IntNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "int const") -> "void":
return _npstat.IntNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.IntNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.IntNUHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.IntNUHistoND_fill(self, *args)
def filli(self, *args) -> "void":
return _npstat.IntNUHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.IntNUHistoND_filll(self, *args)
def filld(self, *args) -> "void":
return _npstat.IntNUHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_IntNUHistoND
# Register IntNUHistoND in _npstat:
_npstat.IntNUHistoND_swigregister(IntNUHistoND)
def IntNUHistoND_classname() -> "char const *":
return _npstat.IntNUHistoND_classname()
def IntNUHistoND_version() -> "unsigned int":
return _npstat.IntNUHistoND_version()
def IntNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< int,npstat::NUHistoAxis > *":
return _npstat.IntNUHistoND_read(id, _in)
class LongNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.LongNUHistoND_SAMPLE
SUM = _npstat.LongNUHistoND_SUM
AVERAGE = _npstat.LongNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.LongNUHistoND_swiginit(self, _npstat.new_LongNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.LongNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.LongNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.LongNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< long > const &":
return _npstat.LongNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< long > const &":
return _npstat.LongNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "long":
return _npstat.LongNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "long":
return _npstat.LongNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "long":
return _npstat.LongNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.LongNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.LongNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.LongNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.LongNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.LongNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.LongNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.LongNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.LongNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.LongNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.LongNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.LongNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.LongNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.LongNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.LongNUHistoND_volume(self)
def integral(self) -> "double":
return _npstat.LongNUHistoND_integral(self)
def clear(self) -> "void":
return _npstat.LongNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.LongNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.LongNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "LongNUHistoND") -> "bool":
return _npstat.LongNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "LongNUHistoND") -> "bool":
return _npstat.LongNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "LongNUHistoND") -> "bool":
return _npstat.LongNUHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.LongNUHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.LongNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.LongNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< long,npstat::NUHistoAxis >":
return _npstat.LongNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.LongNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.LongNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.LongNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LongNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LongNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LongNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< long,npstat::NUHistoAxis > *":
return _npstat.LongNUHistoND_read(id, _in)
def examine(self, *args) -> "long":
return _npstat.LongNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "long":
return _npstat.LongNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.LongNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "long") -> "void":
return _npstat.LongNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "long const") -> "void":
return _npstat.LongNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "long const") -> "void":
return _npstat.LongNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.LongNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.LongNUHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.LongNUHistoND_filli(self, *args)
def fill(self, *args) -> "void":
return _npstat.LongNUHistoND_fill(self, *args)
def filll(self, *args) -> "void":
return _npstat.LongNUHistoND_filll(self, *args)
def filld(self, *args) -> "void":
return _npstat.LongNUHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_LongNUHistoND
# Register LongNUHistoND in _npstat:
_npstat.LongNUHistoND_swigregister(LongNUHistoND)
def LongNUHistoND_classname() -> "char const *":
return _npstat.LongNUHistoND_classname()
def LongNUHistoND_version() -> "unsigned int":
return _npstat.LongNUHistoND_version()
def LongNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< long,npstat::NUHistoAxis > *":
return _npstat.LongNUHistoND_read(id, _in)
class FloatNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.FloatNUHistoND_SAMPLE
SUM = _npstat.FloatNUHistoND_SUM
AVERAGE = _npstat.FloatNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.FloatNUHistoND_swiginit(self, _npstat.new_FloatNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.FloatNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.FloatNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.FloatNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< float > const &":
return _npstat.FloatNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< float > const &":
return _npstat.FloatNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "float":
return _npstat.FloatNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "float":
return _npstat.FloatNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "float":
return _npstat.FloatNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.FloatNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.FloatNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.FloatNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.FloatNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.FloatNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.FloatNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.FloatNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.FloatNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.FloatNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.FloatNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.FloatNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.FloatNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.FloatNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.FloatNUHistoND_volume(self)
def integral(self) -> "double":
return _npstat.FloatNUHistoND_integral(self)
def clear(self) -> "void":
return _npstat.FloatNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.FloatNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.FloatNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "FloatNUHistoND") -> "bool":
return _npstat.FloatNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "FloatNUHistoND") -> "bool":
return _npstat.FloatNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "FloatNUHistoND") -> "bool":
return _npstat.FloatNUHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.FloatNUHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.FloatNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.FloatNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< float,npstat::NUHistoAxis >":
return _npstat.FloatNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.FloatNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.FloatNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.FloatNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< float,npstat::NUHistoAxis > *":
return _npstat.FloatNUHistoND_read(id, _in)
def examine(self, *args) -> "float":
return _npstat.FloatNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "float":
return _npstat.FloatNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.FloatNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "float") -> "void":
return _npstat.FloatNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "float const") -> "void":
return _npstat.FloatNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "float const") -> "void":
return _npstat.FloatNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.FloatNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.FloatNUHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.FloatNUHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.FloatNUHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.FloatNUHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.FloatNUHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_FloatNUHistoND
# Register FloatNUHistoND in _npstat:
_npstat.FloatNUHistoND_swigregister(FloatNUHistoND)
def FloatNUHistoND_classname() -> "char const *":
return _npstat.FloatNUHistoND_classname()
def FloatNUHistoND_version() -> "unsigned int":
return _npstat.FloatNUHistoND_version()
def FloatNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< float,npstat::NUHistoAxis > *":
return _npstat.FloatNUHistoND_read(id, _in)
class DoubleNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.DoubleNUHistoND_SAMPLE
SUM = _npstat.DoubleNUHistoND_SUM
AVERAGE = _npstat.DoubleNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.DoubleNUHistoND_swiginit(self, _npstat.new_DoubleNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.DoubleNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.DoubleNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.DoubleNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "double":
return _npstat.DoubleNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "double":
return _npstat.DoubleNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "double":
return _npstat.DoubleNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.DoubleNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.DoubleNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.DoubleNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.DoubleNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.DoubleNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.DoubleNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DoubleNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.DoubleNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.DoubleNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.DoubleNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.DoubleNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.DoubleNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.DoubleNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.DoubleNUHistoND_volume(self)
def integral(self) -> "double":
return _npstat.DoubleNUHistoND_integral(self)
def clear(self) -> "void":
return _npstat.DoubleNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.DoubleNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.DoubleNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "DoubleNUHistoND") -> "bool":
return _npstat.DoubleNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "DoubleNUHistoND") -> "bool":
return _npstat.DoubleNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "DoubleNUHistoND") -> "bool":
return _npstat.DoubleNUHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.DoubleNUHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.DoubleNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.DoubleNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< double,npstat::NUHistoAxis >":
return _npstat.DoubleNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.DoubleNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.DoubleNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< double,npstat::NUHistoAxis > *":
return _npstat.DoubleNUHistoND_read(id, _in)
def examine(self, *args) -> "double":
return _npstat.DoubleNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "double":
return _npstat.DoubleNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.DoubleNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "double") -> "void":
return _npstat.DoubleNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "double const") -> "void":
return _npstat.DoubleNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "double const") -> "void":
return _npstat.DoubleNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.DoubleNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DoubleNUHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.DoubleNUHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.DoubleNUHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.DoubleNUHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.DoubleNUHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_DoubleNUHistoND
# Register DoubleNUHistoND in _npstat:
_npstat.DoubleNUHistoND_swigregister(DoubleNUHistoND)
def DoubleNUHistoND_classname() -> "char const *":
return _npstat.DoubleNUHistoND_classname()
def DoubleNUHistoND_version() -> "unsigned int":
return _npstat.DoubleNUHistoND_version()
def DoubleNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< double,npstat::NUHistoAxis > *":
return _npstat.DoubleNUHistoND_read(id, _in)
class StatAccNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.StatAccNUHistoND_SAMPLE
SUM = _npstat.StatAccNUHistoND_SUM
AVERAGE = _npstat.StatAccNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.StatAccNUHistoND_swiginit(self, _npstat.new_StatAccNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.StatAccNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.StatAccNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.StatAccNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::StatAccumulator > const &":
return _npstat.StatAccNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::StatAccumulator > const &":
return _npstat.StatAccNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::StatAccumulator":
return _npstat.StatAccNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::StatAccumulator":
return _npstat.StatAccNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::StatAccumulator":
return _npstat.StatAccNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.StatAccNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.StatAccNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.StatAccNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.StatAccNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.StatAccNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.StatAccNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.StatAccNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.StatAccNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.StatAccNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.StatAccNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.StatAccNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.StatAccNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.StatAccNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.StatAccNUHistoND_volume(self)
def clear(self) -> "void":
return _npstat.StatAccNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.StatAccNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.StatAccNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "StatAccNUHistoND") -> "bool":
return _npstat.StatAccNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "StatAccNUHistoND") -> "bool":
return _npstat.StatAccNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "StatAccNUHistoND") -> "bool":
return _npstat.StatAccNUHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.StatAccNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.StatAccNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::StatAccumulator,npstat::NUHistoAxis >":
return _npstat.StatAccNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.StatAccNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.StatAccNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.StatAccNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StatAccNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StatAccNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StatAccNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::StatAccumulator,npstat::NUHistoAxis > *":
return _npstat.StatAccNUHistoND_read(id, _in)
def examine(self, *args) -> "npstat::StatAccumulator":
return _npstat.StatAccNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::StatAccumulator":
return _npstat.StatAccNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.StatAccNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "StatAccumulator") -> "void":
return _npstat.StatAccNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "StatAccumulator") -> "void":
return _npstat.StatAccNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "StatAccumulator") -> "void":
return _npstat.StatAccNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.StatAccNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.StatAccNUHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.StatAccNUHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.StatAccNUHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.StatAccNUHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.StatAccNUHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_StatAccNUHistoND
# Register StatAccNUHistoND in _npstat:
_npstat.StatAccNUHistoND_swigregister(StatAccNUHistoND)
def StatAccNUHistoND_classname() -> "char const *":
return _npstat.StatAccNUHistoND_classname()
def StatAccNUHistoND_version() -> "unsigned int":
return _npstat.StatAccNUHistoND_version()
def StatAccNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::StatAccumulator,npstat::NUHistoAxis > *":
return _npstat.StatAccNUHistoND_read(id, _in)
class WStatAccNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.WStatAccNUHistoND_SAMPLE
SUM = _npstat.WStatAccNUHistoND_SUM
AVERAGE = _npstat.WStatAccNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.WStatAccNUHistoND_swiginit(self, _npstat.new_WStatAccNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.WStatAccNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.WStatAccNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.WStatAccNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::WeightedStatAccumulator > const &":
return _npstat.WStatAccNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::WeightedStatAccumulator > const &":
return _npstat.WStatAccNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.WStatAccNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.WStatAccNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.WStatAccNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.WStatAccNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.WStatAccNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.WStatAccNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.WStatAccNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.WStatAccNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.WStatAccNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.WStatAccNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.WStatAccNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.WStatAccNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.WStatAccNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.WStatAccNUHistoND_volume(self)
def clear(self) -> "void":
return _npstat.WStatAccNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.WStatAccNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.WStatAccNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "WStatAccNUHistoND") -> "bool":
return _npstat.WStatAccNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "WStatAccNUHistoND") -> "bool":
return _npstat.WStatAccNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "WStatAccNUHistoND") -> "bool":
return _npstat.WStatAccNUHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.WStatAccNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.WStatAccNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::NUHistoAxis >":
return _npstat.WStatAccNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.WStatAccNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.WStatAccNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.WStatAccNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.WStatAccNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.WStatAccNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.WStatAccNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::NUHistoAxis > *":
return _npstat.WStatAccNUHistoND_read(id, _in)
def examine(self, *args) -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.WStatAccNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.WStatAccNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.WStatAccNUHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.WStatAccNUHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.WStatAccNUHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.WStatAccNUHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.WStatAccNUHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_WStatAccNUHistoND
# Register WStatAccNUHistoND in _npstat:
_npstat.WStatAccNUHistoND_swigregister(WStatAccNUHistoND)
def WStatAccNUHistoND_classname() -> "char const *":
return _npstat.WStatAccNUHistoND_classname()
def WStatAccNUHistoND_version() -> "unsigned int":
return _npstat.WStatAccNUHistoND_version()
def WStatAccNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::NUHistoAxis > *":
return _npstat.WStatAccNUHistoND_read(id, _in)
class FSampleAccNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.FSampleAccNUHistoND_SAMPLE
SUM = _npstat.FSampleAccNUHistoND_SUM
AVERAGE = _npstat.FSampleAccNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.FSampleAccNUHistoND_swiginit(self, _npstat.new_FSampleAccNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.FSampleAccNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.FSampleAccNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.FSampleAccNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::SampleAccumulator< float,long double > > const &":
return _npstat.FSampleAccNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::SampleAccumulator< float,long double > > const &":
return _npstat.FSampleAccNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.FSampleAccNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.FSampleAccNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.FSampleAccNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.FSampleAccNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.FSampleAccNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.FSampleAccNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.FSampleAccNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.FSampleAccNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.FSampleAccNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.FSampleAccNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.FSampleAccNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.FSampleAccNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.FSampleAccNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.FSampleAccNUHistoND_volume(self)
def clear(self) -> "void":
return _npstat.FSampleAccNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.FSampleAccNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.FSampleAccNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "FSampleAccNUHistoND") -> "bool":
return _npstat.FSampleAccNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "FSampleAccNUHistoND") -> "bool":
return _npstat.FSampleAccNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "FSampleAccNUHistoND") -> "bool":
return _npstat.FSampleAccNUHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.FSampleAccNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.FSampleAccNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::NUHistoAxis >":
return _npstat.FSampleAccNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.FSampleAccNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.FSampleAccNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.FSampleAccNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FSampleAccNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FSampleAccNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FSampleAccNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::NUHistoAxis > *":
return _npstat.FSampleAccNUHistoND_read(id, _in)
def examine(self, *args) -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.FSampleAccNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.FSampleAccNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.FSampleAccNUHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.FSampleAccNUHistoND_fill(self, *args)
__swig_destroy__ = _npstat.delete_FSampleAccNUHistoND
# Register FSampleAccNUHistoND in _npstat:
_npstat.FSampleAccNUHistoND_swigregister(FSampleAccNUHistoND)
def FSampleAccNUHistoND_classname() -> "char const *":
return _npstat.FSampleAccNUHistoND_classname()
def FSampleAccNUHistoND_version() -> "unsigned int":
return _npstat.FSampleAccNUHistoND_version()
def FSampleAccNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::NUHistoAxis > *":
return _npstat.FSampleAccNUHistoND_read(id, _in)
class DSampleAccNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.DSampleAccNUHistoND_SAMPLE
SUM = _npstat.DSampleAccNUHistoND_SUM
AVERAGE = _npstat.DSampleAccNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.DSampleAccNUHistoND_swiginit(self, _npstat.new_DSampleAccNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.DSampleAccNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.DSampleAccNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.DSampleAccNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::SampleAccumulator< double,long double > > const &":
return _npstat.DSampleAccNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::SampleAccumulator< double,long double > > const &":
return _npstat.DSampleAccNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.DSampleAccNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.DSampleAccNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.DSampleAccNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.DSampleAccNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.DSampleAccNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.DSampleAccNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DSampleAccNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.DSampleAccNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.DSampleAccNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.DSampleAccNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.DSampleAccNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.DSampleAccNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.DSampleAccNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.DSampleAccNUHistoND_volume(self)
def clear(self) -> "void":
return _npstat.DSampleAccNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.DSampleAccNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.DSampleAccNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "DSampleAccNUHistoND") -> "bool":
return _npstat.DSampleAccNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "DSampleAccNUHistoND") -> "bool":
return _npstat.DSampleAccNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "DSampleAccNUHistoND") -> "bool":
return _npstat.DSampleAccNUHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.DSampleAccNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.DSampleAccNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::NUHistoAxis >":
return _npstat.DSampleAccNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.DSampleAccNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.DSampleAccNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.DSampleAccNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DSampleAccNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DSampleAccNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DSampleAccNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::NUHistoAxis > *":
return _npstat.DSampleAccNUHistoND_read(id, _in)
def examine(self, *args) -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.DSampleAccNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.DSampleAccNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DSampleAccNUHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.DSampleAccNUHistoND_fill(self, *args)
__swig_destroy__ = _npstat.delete_DSampleAccNUHistoND
# Register DSampleAccNUHistoND in _npstat:
_npstat.DSampleAccNUHistoND_swigregister(DSampleAccNUHistoND)
def DSampleAccNUHistoND_classname() -> "char const *":
return _npstat.DSampleAccNUHistoND_classname()
def DSampleAccNUHistoND_version() -> "unsigned int":
return _npstat.DSampleAccNUHistoND_version()
def DSampleAccNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::NUHistoAxis > *":
return _npstat.DSampleAccNUHistoND_read(id, _in)
class DWSampleAccNUHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.DWSampleAccNUHistoND_SAMPLE
SUM = _npstat.DWSampleAccNUHistoND_SUM
AVERAGE = _npstat.DWSampleAccNUHistoND_AVERAGE
def __init__(self, *args):
_npstat.DWSampleAccNUHistoND_swiginit(self, _npstat.new_DWSampleAccNUHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.DWSampleAccNUHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.DWSampleAccNUHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.DWSampleAccNUHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::WeightedSampleAccumulator< double,long double > > const &":
return _npstat.DWSampleAccNUHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::WeightedSampleAccumulator< double,long double > > const &":
return _npstat.DWSampleAccNUHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccNUHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccNUHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccNUHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::NUHistoAxis const &":
return _npstat.DWSampleAccNUHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.DWSampleAccNUHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.DWSampleAccNUHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.DWSampleAccNUHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.DWSampleAccNUHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.DWSampleAccNUHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccNUHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccNUHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccNUHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DWSampleAccNUHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.DWSampleAccNUHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.DWSampleAccNUHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.DWSampleAccNUHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.DWSampleAccNUHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.DWSampleAccNUHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.DWSampleAccNUHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.DWSampleAccNUHistoND_volume(self)
def clear(self) -> "void":
return _npstat.DWSampleAccNUHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.DWSampleAccNUHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.DWSampleAccNUHistoND_clearOverflows(self)
def __eq__(self, arg2: "DWSampleAccNUHistoND") -> "bool":
return _npstat.DWSampleAccNUHistoND___eq__(self, arg2)
def __ne__(self, arg2: "DWSampleAccNUHistoND") -> "bool":
return _npstat.DWSampleAccNUHistoND___ne__(self, arg2)
def isSameData(self, arg2: "DWSampleAccNUHistoND") -> "bool":
return _npstat.DWSampleAccNUHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.DWSampleAccNUHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.DWSampleAccNUHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::NUHistoAxis >":
return _npstat.DWSampleAccNUHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.DWSampleAccNUHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.DWSampleAccNUHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.DWSampleAccNUHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DWSampleAccNUHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DWSampleAccNUHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DWSampleAccNUHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::NUHistoAxis > *":
return _npstat.DWSampleAccNUHistoND_read(id, _in)
def examine(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccNUHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccNUHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.DWSampleAccNUHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccNUHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccNUHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccNUHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::NUHistoAxis,std::allocator< npstat::NUHistoAxis > >":
return _npstat.DWSampleAccNUHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccNUHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DWSampleAccNUHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.DWSampleAccNUHistoND_fill(self, *args)
__swig_destroy__ = _npstat.delete_DWSampleAccNUHistoND
# Register DWSampleAccNUHistoND in _npstat:
_npstat.DWSampleAccNUHistoND_swigregister(DWSampleAccNUHistoND)
def DWSampleAccNUHistoND_classname() -> "char const *":
return _npstat.DWSampleAccNUHistoND_classname()
def DWSampleAccNUHistoND_version() -> "unsigned int":
return _npstat.DWSampleAccNUHistoND_version()
def DWSampleAccNUHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::NUHistoAxis > *":
return _npstat.DWSampleAccNUHistoND_read(id, _in)
class IntDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.IntDAHistoND_SAMPLE
SUM = _npstat.IntDAHistoND_SUM
AVERAGE = _npstat.IntDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.IntDAHistoND_swiginit(self, _npstat.new_IntDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.IntDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.IntDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.IntDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< int > const &":
return _npstat.IntDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< int > const &":
return _npstat.IntDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "int":
return _npstat.IntDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "int":
return _npstat.IntDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "int":
return _npstat.IntDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.IntDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.IntDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.IntDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.IntDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.IntDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.IntDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.IntDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.IntDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.IntDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.IntDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.IntDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.IntDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.IntDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.IntDAHistoND_volume(self)
def integral(self) -> "double":
return _npstat.IntDAHistoND_integral(self)
def clear(self) -> "void":
return _npstat.IntDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.IntDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.IntDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "IntDAHistoND") -> "bool":
return _npstat.IntDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "IntDAHistoND") -> "bool":
return _npstat.IntDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "IntDAHistoND") -> "bool":
return _npstat.IntDAHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.IntDAHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.IntDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.IntDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< int,npstat::DualHistoAxis >":
return _npstat.IntDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.IntDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.IntDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.IntDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.IntDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.IntDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IntDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< int,npstat::DualHistoAxis > *":
return _npstat.IntDAHistoND_read(id, _in)
def examine(self, *args) -> "int":
return _npstat.IntDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "int":
return _npstat.IntDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.IntDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "int") -> "void":
return _npstat.IntDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "int const") -> "void":
return _npstat.IntDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "int const") -> "void":
return _npstat.IntDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.IntDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.IntDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.IntDAHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.IntDAHistoND_fill(self, *args)
def filli(self, *args) -> "void":
return _npstat.IntDAHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.IntDAHistoND_filll(self, *args)
def filld(self, *args) -> "void":
return _npstat.IntDAHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_IntDAHistoND
# Register IntDAHistoND in _npstat:
_npstat.IntDAHistoND_swigregister(IntDAHistoND)
def IntDAHistoND_classname() -> "char const *":
return _npstat.IntDAHistoND_classname()
def IntDAHistoND_version() -> "unsigned int":
return _npstat.IntDAHistoND_version()
def IntDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< int,npstat::DualHistoAxis > *":
return _npstat.IntDAHistoND_read(id, _in)
class LongDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.LongDAHistoND_SAMPLE
SUM = _npstat.LongDAHistoND_SUM
AVERAGE = _npstat.LongDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.LongDAHistoND_swiginit(self, _npstat.new_LongDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.LongDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.LongDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.LongDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< long > const &":
return _npstat.LongDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< long > const &":
return _npstat.LongDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "long":
return _npstat.LongDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "long":
return _npstat.LongDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "long":
return _npstat.LongDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.LongDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.LongDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.LongDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.LongDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.LongDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.LongDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.LongDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.LongDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.LongDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.LongDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.LongDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.LongDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.LongDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.LongDAHistoND_volume(self)
def integral(self) -> "double":
return _npstat.LongDAHistoND_integral(self)
def clear(self) -> "void":
return _npstat.LongDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.LongDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.LongDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "LongDAHistoND") -> "bool":
return _npstat.LongDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "LongDAHistoND") -> "bool":
return _npstat.LongDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "LongDAHistoND") -> "bool":
return _npstat.LongDAHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.LongDAHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.LongDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.LongDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< long,npstat::DualHistoAxis >":
return _npstat.LongDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.LongDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.LongDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.LongDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LongDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LongDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LongDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< long,npstat::DualHistoAxis > *":
return _npstat.LongDAHistoND_read(id, _in)
def examine(self, *args) -> "long":
return _npstat.LongDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "long":
return _npstat.LongDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.LongDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "long") -> "void":
return _npstat.LongDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "long const") -> "void":
return _npstat.LongDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "long const") -> "void":
return _npstat.LongDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.LongDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.LongDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.LongDAHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.LongDAHistoND_filli(self, *args)
def fill(self, *args) -> "void":
return _npstat.LongDAHistoND_fill(self, *args)
def filll(self, *args) -> "void":
return _npstat.LongDAHistoND_filll(self, *args)
def filld(self, *args) -> "void":
return _npstat.LongDAHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_LongDAHistoND
# Register LongDAHistoND in _npstat:
_npstat.LongDAHistoND_swigregister(LongDAHistoND)
def LongDAHistoND_classname() -> "char const *":
return _npstat.LongDAHistoND_classname()
def LongDAHistoND_version() -> "unsigned int":
return _npstat.LongDAHistoND_version()
def LongDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< long,npstat::DualHistoAxis > *":
return _npstat.LongDAHistoND_read(id, _in)
class FloatDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.FloatDAHistoND_SAMPLE
SUM = _npstat.FloatDAHistoND_SUM
AVERAGE = _npstat.FloatDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.FloatDAHistoND_swiginit(self, _npstat.new_FloatDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.FloatDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.FloatDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.FloatDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< float > const &":
return _npstat.FloatDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< float > const &":
return _npstat.FloatDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "float":
return _npstat.FloatDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "float":
return _npstat.FloatDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "float":
return _npstat.FloatDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.FloatDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.FloatDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.FloatDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.FloatDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.FloatDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.FloatDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.FloatDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.FloatDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.FloatDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.FloatDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.FloatDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.FloatDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.FloatDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.FloatDAHistoND_volume(self)
def integral(self) -> "double":
return _npstat.FloatDAHistoND_integral(self)
def clear(self) -> "void":
return _npstat.FloatDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.FloatDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.FloatDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "FloatDAHistoND") -> "bool":
return _npstat.FloatDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "FloatDAHistoND") -> "bool":
return _npstat.FloatDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "FloatDAHistoND") -> "bool":
return _npstat.FloatDAHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.FloatDAHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.FloatDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.FloatDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< float,npstat::DualHistoAxis >":
return _npstat.FloatDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.FloatDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.FloatDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.FloatDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< float,npstat::DualHistoAxis > *":
return _npstat.FloatDAHistoND_read(id, _in)
def examine(self, *args) -> "float":
return _npstat.FloatDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "float":
return _npstat.FloatDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.FloatDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "float") -> "void":
return _npstat.FloatDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "float const") -> "void":
return _npstat.FloatDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "float const") -> "void":
return _npstat.FloatDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.FloatDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FloatDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.FloatDAHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.FloatDAHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.FloatDAHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.FloatDAHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.FloatDAHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_FloatDAHistoND
# Register FloatDAHistoND in _npstat:
_npstat.FloatDAHistoND_swigregister(FloatDAHistoND)
def FloatDAHistoND_classname() -> "char const *":
return _npstat.FloatDAHistoND_classname()
def FloatDAHistoND_version() -> "unsigned int":
return _npstat.FloatDAHistoND_version()
def FloatDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< float,npstat::DualHistoAxis > *":
return _npstat.FloatDAHistoND_read(id, _in)
class DoubleDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.DoubleDAHistoND_SAMPLE
SUM = _npstat.DoubleDAHistoND_SUM
AVERAGE = _npstat.DoubleDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.DoubleDAHistoND_swiginit(self, _npstat.new_DoubleDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.DoubleDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.DoubleDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.DoubleDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "double":
return _npstat.DoubleDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "double":
return _npstat.DoubleDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "double":
return _npstat.DoubleDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.DoubleDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.DoubleDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.DoubleDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.DoubleDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.DoubleDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.DoubleDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DoubleDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.DoubleDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.DoubleDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.DoubleDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.DoubleDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.DoubleDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.DoubleDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.DoubleDAHistoND_volume(self)
def integral(self) -> "double":
return _npstat.DoubleDAHistoND_integral(self)
def clear(self) -> "void":
return _npstat.DoubleDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.DoubleDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.DoubleDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "DoubleDAHistoND") -> "bool":
return _npstat.DoubleDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "DoubleDAHistoND") -> "bool":
return _npstat.DoubleDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "DoubleDAHistoND") -> "bool":
return _npstat.DoubleDAHistoND_isSameData(self, arg2)
def recalculateNFillsFromData(self) -> "void":
return _npstat.DoubleDAHistoND_recalculateNFillsFromData(self)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.DoubleDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.DoubleDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< double,npstat::DualHistoAxis >":
return _npstat.DoubleDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.DoubleDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.DoubleDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< double,npstat::DualHistoAxis > *":
return _npstat.DoubleDAHistoND_read(id, _in)
def examine(self, *args) -> "double":
return _npstat.DoubleDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "double":
return _npstat.DoubleDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.DoubleDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "double") -> "void":
return _npstat.DoubleDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "double const") -> "void":
return _npstat.DoubleDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "double const") -> "void":
return _npstat.DoubleDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.DoubleDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DoubleDAHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.DoubleDAHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.DoubleDAHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.DoubleDAHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.DoubleDAHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_DoubleDAHistoND
# Register DoubleDAHistoND in _npstat:
_npstat.DoubleDAHistoND_swigregister(DoubleDAHistoND)
def DoubleDAHistoND_classname() -> "char const *":
return _npstat.DoubleDAHistoND_classname()
def DoubleDAHistoND_version() -> "unsigned int":
return _npstat.DoubleDAHistoND_version()
def DoubleDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< double,npstat::DualHistoAxis > *":
return _npstat.DoubleDAHistoND_read(id, _in)
class StatAccDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.StatAccDAHistoND_SAMPLE
SUM = _npstat.StatAccDAHistoND_SUM
AVERAGE = _npstat.StatAccDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.StatAccDAHistoND_swiginit(self, _npstat.new_StatAccDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.StatAccDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.StatAccDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.StatAccDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::StatAccumulator > const &":
return _npstat.StatAccDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::StatAccumulator > const &":
return _npstat.StatAccDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::StatAccumulator":
return _npstat.StatAccDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::StatAccumulator":
return _npstat.StatAccDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::StatAccumulator":
return _npstat.StatAccDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.StatAccDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.StatAccDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.StatAccDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.StatAccDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.StatAccDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.StatAccDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.StatAccDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.StatAccDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.StatAccDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.StatAccDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.StatAccDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.StatAccDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.StatAccDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.StatAccDAHistoND_volume(self)
def clear(self) -> "void":
return _npstat.StatAccDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.StatAccDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.StatAccDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "StatAccDAHistoND") -> "bool":
return _npstat.StatAccDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "StatAccDAHistoND") -> "bool":
return _npstat.StatAccDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "StatAccDAHistoND") -> "bool":
return _npstat.StatAccDAHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.StatAccDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.StatAccDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::StatAccumulator,npstat::DualHistoAxis >":
return _npstat.StatAccDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.StatAccDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.StatAccDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.StatAccDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StatAccDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StatAccDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StatAccDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::StatAccumulator,npstat::DualHistoAxis > *":
return _npstat.StatAccDAHistoND_read(id, _in)
def examine(self, *args) -> "npstat::StatAccumulator":
return _npstat.StatAccDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::StatAccumulator":
return _npstat.StatAccDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.StatAccDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "StatAccumulator") -> "void":
return _npstat.StatAccDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "StatAccumulator") -> "void":
return _npstat.StatAccDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "StatAccumulator") -> "void":
return _npstat.StatAccDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.StatAccDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.StatAccDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.StatAccDAHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.StatAccDAHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.StatAccDAHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.StatAccDAHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.StatAccDAHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_StatAccDAHistoND
# Register StatAccDAHistoND in _npstat:
_npstat.StatAccDAHistoND_swigregister(StatAccDAHistoND)
def StatAccDAHistoND_classname() -> "char const *":
return _npstat.StatAccDAHistoND_classname()
def StatAccDAHistoND_version() -> "unsigned int":
return _npstat.StatAccDAHistoND_version()
def StatAccDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::StatAccumulator,npstat::DualHistoAxis > *":
return _npstat.StatAccDAHistoND_read(id, _in)
class WStatAccDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.WStatAccDAHistoND_SAMPLE
SUM = _npstat.WStatAccDAHistoND_SUM
AVERAGE = _npstat.WStatAccDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.WStatAccDAHistoND_swiginit(self, _npstat.new_WStatAccDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.WStatAccDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.WStatAccDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.WStatAccDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::WeightedStatAccumulator > const &":
return _npstat.WStatAccDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::WeightedStatAccumulator > const &":
return _npstat.WStatAccDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.WStatAccDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.WStatAccDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.WStatAccDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.WStatAccDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.WStatAccDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.WStatAccDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.WStatAccDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.WStatAccDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.WStatAccDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.WStatAccDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.WStatAccDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.WStatAccDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.WStatAccDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.WStatAccDAHistoND_volume(self)
def clear(self) -> "void":
return _npstat.WStatAccDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.WStatAccDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.WStatAccDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "WStatAccDAHistoND") -> "bool":
return _npstat.WStatAccDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "WStatAccDAHistoND") -> "bool":
return _npstat.WStatAccDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "WStatAccDAHistoND") -> "bool":
return _npstat.WStatAccDAHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.WStatAccDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.WStatAccDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::DualHistoAxis >":
return _npstat.WStatAccDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.WStatAccDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.WStatAccDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.WStatAccDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.WStatAccDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.WStatAccDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.WStatAccDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::DualHistoAxis > *":
return _npstat.WStatAccDAHistoND_read(id, _in)
def examine(self, *args) -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::WeightedStatAccumulator":
return _npstat.WStatAccDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.WStatAccDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "WeightedStatAccumulator") -> "void":
return _npstat.WStatAccDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.WStatAccDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.WStatAccDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.WStatAccDAHistoND_shape(self)
def filli(self, *args) -> "void":
return _npstat.WStatAccDAHistoND_filli(self, *args)
def filll(self, *args) -> "void":
return _npstat.WStatAccDAHistoND_filll(self, *args)
def fill(self, *args) -> "void":
return _npstat.WStatAccDAHistoND_fill(self, *args)
def filld(self, *args) -> "void":
return _npstat.WStatAccDAHistoND_filld(self, *args)
__swig_destroy__ = _npstat.delete_WStatAccDAHistoND
# Register WStatAccDAHistoND in _npstat:
_npstat.WStatAccDAHistoND_swigregister(WStatAccDAHistoND)
def WStatAccDAHistoND_classname() -> "char const *":
return _npstat.WStatAccDAHistoND_classname()
def WStatAccDAHistoND_version() -> "unsigned int":
return _npstat.WStatAccDAHistoND_version()
def WStatAccDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::DualHistoAxis > *":
return _npstat.WStatAccDAHistoND_read(id, _in)
class FSampleAccDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.FSampleAccDAHistoND_SAMPLE
SUM = _npstat.FSampleAccDAHistoND_SUM
AVERAGE = _npstat.FSampleAccDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.FSampleAccDAHistoND_swiginit(self, _npstat.new_FSampleAccDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.FSampleAccDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.FSampleAccDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.FSampleAccDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::SampleAccumulator< float,long double > > const &":
return _npstat.FSampleAccDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::SampleAccumulator< float,long double > > const &":
return _npstat.FSampleAccDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.FSampleAccDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.FSampleAccDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.FSampleAccDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.FSampleAccDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.FSampleAccDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.FSampleAccDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.FSampleAccDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.FSampleAccDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.FSampleAccDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.FSampleAccDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.FSampleAccDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.FSampleAccDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.FSampleAccDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.FSampleAccDAHistoND_volume(self)
def clear(self) -> "void":
return _npstat.FSampleAccDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.FSampleAccDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.FSampleAccDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "FSampleAccDAHistoND") -> "bool":
return _npstat.FSampleAccDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "FSampleAccDAHistoND") -> "bool":
return _npstat.FSampleAccDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "FSampleAccDAHistoND") -> "bool":
return _npstat.FSampleAccDAHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.FSampleAccDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.FSampleAccDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::DualHistoAxis >":
return _npstat.FSampleAccDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.FSampleAccDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.FSampleAccDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.FSampleAccDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FSampleAccDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FSampleAccDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FSampleAccDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::DualHistoAxis > *":
return _npstat.FSampleAccDAHistoND_read(id, _in)
def examine(self, *args) -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::SampleAccumulator< float,long double >":
return _npstat.FSampleAccDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.FSampleAccDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "FloatSampleAccumulator") -> "void":
return _npstat.FSampleAccDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.FSampleAccDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.FSampleAccDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.FSampleAccDAHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.FSampleAccDAHistoND_fill(self, *args)
__swig_destroy__ = _npstat.delete_FSampleAccDAHistoND
# Register FSampleAccDAHistoND in _npstat:
_npstat.FSampleAccDAHistoND_swigregister(FSampleAccDAHistoND)
def FSampleAccDAHistoND_classname() -> "char const *":
return _npstat.FSampleAccDAHistoND_classname()
def FSampleAccDAHistoND_version() -> "unsigned int":
return _npstat.FSampleAccDAHistoND_version()
def FSampleAccDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::DualHistoAxis > *":
return _npstat.FSampleAccDAHistoND_read(id, _in)
class DSampleAccDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.DSampleAccDAHistoND_SAMPLE
SUM = _npstat.DSampleAccDAHistoND_SUM
AVERAGE = _npstat.DSampleAccDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.DSampleAccDAHistoND_swiginit(self, _npstat.new_DSampleAccDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.DSampleAccDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.DSampleAccDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.DSampleAccDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::SampleAccumulator< double,long double > > const &":
return _npstat.DSampleAccDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::SampleAccumulator< double,long double > > const &":
return _npstat.DSampleAccDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.DSampleAccDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.DSampleAccDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.DSampleAccDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.DSampleAccDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.DSampleAccDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.DSampleAccDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DSampleAccDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.DSampleAccDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.DSampleAccDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.DSampleAccDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.DSampleAccDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.DSampleAccDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.DSampleAccDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.DSampleAccDAHistoND_volume(self)
def clear(self) -> "void":
return _npstat.DSampleAccDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.DSampleAccDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.DSampleAccDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "DSampleAccDAHistoND") -> "bool":
return _npstat.DSampleAccDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "DSampleAccDAHistoND") -> "bool":
return _npstat.DSampleAccDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "DSampleAccDAHistoND") -> "bool":
return _npstat.DSampleAccDAHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.DSampleAccDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.DSampleAccDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::DualHistoAxis >":
return _npstat.DSampleAccDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.DSampleAccDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.DSampleAccDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.DSampleAccDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DSampleAccDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DSampleAccDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DSampleAccDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::DualHistoAxis > *":
return _npstat.DSampleAccDAHistoND_read(id, _in)
def examine(self, *args) -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::SampleAccumulator< double,long double >":
return _npstat.DSampleAccDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.DSampleAccDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "DoubleSampleAccumulator") -> "void":
return _npstat.DSampleAccDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.DSampleAccDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DSampleAccDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DSampleAccDAHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.DSampleAccDAHistoND_fill(self, *args)
__swig_destroy__ = _npstat.delete_DSampleAccDAHistoND
# Register DSampleAccDAHistoND in _npstat:
_npstat.DSampleAccDAHistoND_swigregister(DSampleAccDAHistoND)
def DSampleAccDAHistoND_classname() -> "char const *":
return _npstat.DSampleAccDAHistoND_classname()
def DSampleAccDAHistoND_version() -> "unsigned int":
return _npstat.DSampleAccDAHistoND_version()
def DSampleAccDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::DualHistoAxis > *":
return _npstat.DSampleAccDAHistoND_read(id, _in)
class DWSampleAccDAHistoND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
SAMPLE = _npstat.DWSampleAccDAHistoND_SAMPLE
SUM = _npstat.DWSampleAccDAHistoND_SUM
AVERAGE = _npstat.DWSampleAccDAHistoND_AVERAGE
def __init__(self, *args):
_npstat.DWSampleAccDAHistoND_swiginit(self, _npstat.new_DWSampleAccDAHistoND(*args))
def dim(self) -> "unsigned int":
return _npstat.DWSampleAccDAHistoND_dim(self)
def title(self) -> "std::string const &":
return _npstat.DWSampleAccDAHistoND_title(self)
def accumulatedDataLabel(self) -> "std::string const &":
return _npstat.DWSampleAccDAHistoND_accumulatedDataLabel(self)
def binContents(self) -> "npstat::ArrayND< npstat::WeightedSampleAccumulator< double,long double > > const &":
return _npstat.DWSampleAccDAHistoND_binContents(self)
def overflows(self) -> "npstat::ArrayND< npstat::WeightedSampleAccumulator< double,long double > > const &":
return _npstat.DWSampleAccDAHistoND_overflows(self)
def underflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccDAHistoND_underflowWeight(self, axisNumber)
def overflowWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccDAHistoND_overflowWeight(self, axisNumber)
def inRangeOverWeight(self, axisNumber: "unsigned int") -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccDAHistoND_inRangeOverWeight(self, axisNumber)
def axis(self, i: "unsigned int const") -> "npstat::DualHistoAxis const &":
return _npstat.DWSampleAccDAHistoND_axis(self, i)
def nBins(self) -> "unsigned long":
return _npstat.DWSampleAccDAHistoND_nBins(self)
def nFillsTotal(self) -> "unsigned long":
return _npstat.DWSampleAccDAHistoND_nFillsTotal(self)
def nFillsInRange(self) -> "unsigned long":
return _npstat.DWSampleAccDAHistoND_nFillsInRange(self)
def nFillsOver(self) -> "unsigned long":
return _npstat.DWSampleAccDAHistoND_nFillsOver(self)
def isUniformlyBinned(self) -> "bool":
return _npstat.DWSampleAccDAHistoND_isUniformlyBinned(self)
def lowerAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccDAHistoND_lowerAxisLimits(self)
def upperAxisLimits(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccDAHistoND_upperAxisLimits(self)
def axisLengths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccDAHistoND_axisLengths(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DWSampleAccDAHistoND_setTitle(self, newtitle)
def setAccumulatedDataLabel(self, newlabel: "char const *") -> "void":
return _npstat.DWSampleAccDAHistoND_setAccumulatedDataLabel(self, newlabel)
def setAxisLabel(self, axisNum: "unsigned int const", newlabel: "char const *") -> "void":
return _npstat.DWSampleAccDAHistoND_setAxisLabel(self, axisNum, newlabel)
def binVolume(self, binNumber: "unsigned long"=0) -> "double":
return _npstat.DWSampleAccDAHistoND_binVolume(self, binNumber)
def binCenter(self, binNumber: "unsigned long", coords: "double *", lenCoords: "unsigned int") -> "void":
return _npstat.DWSampleAccDAHistoND_binCenter(self, binNumber, coords, lenCoords)
def binBox(self, binNumber: "unsigned long", box: "DoubleBoxND") -> "void":
return _npstat.DWSampleAccDAHistoND_binBox(self, binNumber, box)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.DWSampleAccDAHistoND_boundingBox(self)
def volume(self) -> "double":
return _npstat.DWSampleAccDAHistoND_volume(self)
def clear(self) -> "void":
return _npstat.DWSampleAccDAHistoND_clear(self)
def clearBinContents(self) -> "void":
return _npstat.DWSampleAccDAHistoND_clearBinContents(self)
def clearOverflows(self) -> "void":
return _npstat.DWSampleAccDAHistoND_clearOverflows(self)
def __eq__(self, arg2: "DWSampleAccDAHistoND") -> "bool":
return _npstat.DWSampleAccDAHistoND___eq__(self, arg2)
def __ne__(self, arg2: "DWSampleAccDAHistoND") -> "bool":
return _npstat.DWSampleAccDAHistoND___ne__(self, arg2)
def isSameData(self, arg2: "DWSampleAccDAHistoND") -> "bool":
return _npstat.DWSampleAccDAHistoND_isSameData(self, arg2)
def setNFillsTotal(self, i: "unsigned long const") -> "void":
return _npstat.DWSampleAccDAHistoND_setNFillsTotal(self, i)
def setNFillsOver(self, i: "unsigned long const") -> "void":
return _npstat.DWSampleAccDAHistoND_setNFillsOver(self, i)
def transpose(self, axisNum1: "unsigned int", axisNum2: "unsigned int") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::DualHistoAxis >":
return _npstat.DWSampleAccDAHistoND_transpose(self, axisNum1, axisNum2)
def getModCount(self) -> "unsigned long":
return _npstat.DWSampleAccDAHistoND_getModCount(self)
def incrModCount(self) -> "void":
return _npstat.DWSampleAccDAHistoND_incrModCount(self)
def classId(self) -> "gs::ClassId":
return _npstat.DWSampleAccDAHistoND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DWSampleAccDAHistoND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DWSampleAccDAHistoND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DWSampleAccDAHistoND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::DualHistoAxis > *":
return _npstat.DWSampleAccDAHistoND_read(id, _in)
def examine(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccDAHistoND_examine(self, *args)
def closestBin(self, *args) -> "npstat::WeightedSampleAccumulator< double,long double >":
return _npstat.DWSampleAccDAHistoND_closestBin(self, *args)
def setBin(self, *args) -> "void":
return _npstat.DWSampleAccDAHistoND_setBin(self, *args)
def setLinearBin(self, index: "unsigned long const", v: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccDAHistoND_setLinearBin(self, index, v)
def setBinsToConst(self, value: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccDAHistoND_setBinsToConst(self, value)
def setOverflowsToConst(self, value: "DoubleWeightedSampleAccumulator") -> "void":
return _npstat.DWSampleAccDAHistoND_setOverflowsToConst(self, value)
def axes(self) -> "std::vector< npstat::DualHistoAxis,std::allocator< npstat::DualHistoAxis > >":
return _npstat.DWSampleAccDAHistoND_axes(self)
def binWidths(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DWSampleAccDAHistoND_binWidths(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.DWSampleAccDAHistoND_shape(self)
def fill(self, *args) -> "void":
return _npstat.DWSampleAccDAHistoND_fill(self, *args)
__swig_destroy__ = _npstat.delete_DWSampleAccDAHistoND
# Register DWSampleAccDAHistoND in _npstat:
_npstat.DWSampleAccDAHistoND_swigregister(DWSampleAccDAHistoND)
def DWSampleAccDAHistoND_classname() -> "char const *":
return _npstat.DWSampleAccDAHistoND_classname()
def DWSampleAccDAHistoND_version() -> "unsigned int":
return _npstat.DWSampleAccDAHistoND_version()
def DWSampleAccDAHistoND_read(id: "ClassId", _in: "istream") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::DualHistoAxis > *":
return _npstat.DWSampleAccDAHistoND_read(id, _in)
def convertHistoToDensity(*args) -> "void":
return _npstat.convertHistoToDensity(*args)
def densityScanHistoMap(*args) -> "std::vector< npstat::LinearMapper1d,std::allocator< npstat::LinearMapper1d > >":
return _npstat.densityScanHistoMap(*args)
def convolutionHistoMap(*args) -> "std::vector< npstat::CircularMapper1d,std::allocator< npstat::CircularMapper1d > >":
return _npstat.convolutionHistoMap(*args)
class ArchiveRecord_UCharHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UCharHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_UCharHistoND_swiginit(self, _npstat.new_ArchiveRecord_UCharHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_UCharHistoND
# Register ArchiveRecord_UCharHistoND in _npstat:
_npstat.ArchiveRecord_UCharHistoND_swigregister(ArchiveRecord_UCharHistoND)
class Ref_UCharHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UCharHistoND_swiginit(self, _npstat.new_Ref_UCharHistoND(*args))
def restore(self, index: "unsigned long", obj: "UCharHistoND") -> "void":
return _npstat.Ref_UCharHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< unsigned char,npstat::HistoAxis > *":
return _npstat.Ref_UCharHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_UCharHistoND
# Register Ref_UCharHistoND in _npstat:
_npstat.Ref_UCharHistoND_swigregister(Ref_UCharHistoND)
class ArchiveRecord_UCharNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UCharNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_UCharNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_UCharNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_UCharNUHistoND
# Register ArchiveRecord_UCharNUHistoND in _npstat:
_npstat.ArchiveRecord_UCharNUHistoND_swigregister(ArchiveRecord_UCharNUHistoND)
class Ref_UCharNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UCharNUHistoND_swiginit(self, _npstat.new_Ref_UCharNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "UCharNUHistoND") -> "void":
return _npstat.Ref_UCharNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< unsigned char,npstat::NUHistoAxis > *":
return _npstat.Ref_UCharNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_UCharNUHistoND
# Register Ref_UCharNUHistoND in _npstat:
_npstat.Ref_UCharNUHistoND_swigregister(Ref_UCharNUHistoND)
class ArchiveRecord_UCharDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UCharDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_UCharDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_UCharDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_UCharDAHistoND
# Register ArchiveRecord_UCharDAHistoND in _npstat:
_npstat.ArchiveRecord_UCharDAHistoND_swigregister(ArchiveRecord_UCharDAHistoND)
class Ref_UCharDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UCharDAHistoND_swiginit(self, _npstat.new_Ref_UCharDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "UCharDAHistoND") -> "void":
return _npstat.Ref_UCharDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< unsigned char,npstat::DualHistoAxis > *":
return _npstat.Ref_UCharDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_UCharDAHistoND
# Register Ref_UCharDAHistoND in _npstat:
_npstat.Ref_UCharDAHistoND_swigregister(Ref_UCharDAHistoND)
class ArchiveRecord_IntHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "IntHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_IntHistoND_swiginit(self, _npstat.new_ArchiveRecord_IntHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_IntHistoND
# Register ArchiveRecord_IntHistoND in _npstat:
_npstat.ArchiveRecord_IntHistoND_swigregister(ArchiveRecord_IntHistoND)
class Ref_IntHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IntHistoND_swiginit(self, _npstat.new_Ref_IntHistoND(*args))
def restore(self, index: "unsigned long", obj: "IntHistoND") -> "void":
return _npstat.Ref_IntHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< int,npstat::HistoAxis > *":
return _npstat.Ref_IntHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_IntHistoND
# Register Ref_IntHistoND in _npstat:
_npstat.Ref_IntHistoND_swigregister(Ref_IntHistoND)
class ArchiveRecord_IntNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "IntNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_IntNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_IntNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_IntNUHistoND
# Register ArchiveRecord_IntNUHistoND in _npstat:
_npstat.ArchiveRecord_IntNUHistoND_swigregister(ArchiveRecord_IntNUHistoND)
class Ref_IntNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IntNUHistoND_swiginit(self, _npstat.new_Ref_IntNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "IntNUHistoND") -> "void":
return _npstat.Ref_IntNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< int,npstat::NUHistoAxis > *":
return _npstat.Ref_IntNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_IntNUHistoND
# Register Ref_IntNUHistoND in _npstat:
_npstat.Ref_IntNUHistoND_swigregister(Ref_IntNUHistoND)
class ArchiveRecord_IntDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "IntDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_IntDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_IntDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_IntDAHistoND
# Register ArchiveRecord_IntDAHistoND in _npstat:
_npstat.ArchiveRecord_IntDAHistoND_swigregister(ArchiveRecord_IntDAHistoND)
class Ref_IntDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IntDAHistoND_swiginit(self, _npstat.new_Ref_IntDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "IntDAHistoND") -> "void":
return _npstat.Ref_IntDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< int,npstat::DualHistoAxis > *":
return _npstat.Ref_IntDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_IntDAHistoND
# Register Ref_IntDAHistoND in _npstat:
_npstat.Ref_IntDAHistoND_swigregister(Ref_IntDAHistoND)
class ArchiveRecord_LongHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LongHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LongHistoND_swiginit(self, _npstat.new_ArchiveRecord_LongHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LongHistoND
# Register ArchiveRecord_LongHistoND in _npstat:
_npstat.ArchiveRecord_LongHistoND_swigregister(ArchiveRecord_LongHistoND)
class Ref_LongHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LongHistoND_swiginit(self, _npstat.new_Ref_LongHistoND(*args))
def restore(self, index: "unsigned long", obj: "LongHistoND") -> "void":
return _npstat.Ref_LongHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< long,npstat::HistoAxis > *":
return _npstat.Ref_LongHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_LongHistoND
# Register Ref_LongHistoND in _npstat:
_npstat.Ref_LongHistoND_swigregister(Ref_LongHistoND)
class ArchiveRecord_LongNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LongNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LongNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_LongNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LongNUHistoND
# Register ArchiveRecord_LongNUHistoND in _npstat:
_npstat.ArchiveRecord_LongNUHistoND_swigregister(ArchiveRecord_LongNUHistoND)
class Ref_LongNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LongNUHistoND_swiginit(self, _npstat.new_Ref_LongNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "LongNUHistoND") -> "void":
return _npstat.Ref_LongNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< long,npstat::NUHistoAxis > *":
return _npstat.Ref_LongNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_LongNUHistoND
# Register Ref_LongNUHistoND in _npstat:
_npstat.Ref_LongNUHistoND_swigregister(Ref_LongNUHistoND)
class ArchiveRecord_LongDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LongDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LongDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_LongDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LongDAHistoND
# Register ArchiveRecord_LongDAHistoND in _npstat:
_npstat.ArchiveRecord_LongDAHistoND_swigregister(ArchiveRecord_LongDAHistoND)
class Ref_LongDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LongDAHistoND_swiginit(self, _npstat.new_Ref_LongDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "LongDAHistoND") -> "void":
return _npstat.Ref_LongDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< long,npstat::DualHistoAxis > *":
return _npstat.Ref_LongDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_LongDAHistoND
# Register Ref_LongDAHistoND in _npstat:
_npstat.Ref_LongDAHistoND_swigregister(Ref_LongDAHistoND)
class ArchiveRecord_FloatHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatHistoND_swiginit(self, _npstat.new_ArchiveRecord_FloatHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatHistoND
# Register ArchiveRecord_FloatHistoND in _npstat:
_npstat.ArchiveRecord_FloatHistoND_swigregister(ArchiveRecord_FloatHistoND)
class Ref_FloatHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatHistoND_swiginit(self, _npstat.new_Ref_FloatHistoND(*args))
def restore(self, index: "unsigned long", obj: "FloatHistoND") -> "void":
return _npstat.Ref_FloatHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< float,npstat::HistoAxis > *":
return _npstat.Ref_FloatHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatHistoND
# Register Ref_FloatHistoND in _npstat:
_npstat.Ref_FloatHistoND_swigregister(Ref_FloatHistoND)
class ArchiveRecord_FloatNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_FloatNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatNUHistoND
# Register ArchiveRecord_FloatNUHistoND in _npstat:
_npstat.ArchiveRecord_FloatNUHistoND_swigregister(ArchiveRecord_FloatNUHistoND)
class Ref_FloatNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatNUHistoND_swiginit(self, _npstat.new_Ref_FloatNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "FloatNUHistoND") -> "void":
return _npstat.Ref_FloatNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< float,npstat::NUHistoAxis > *":
return _npstat.Ref_FloatNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatNUHistoND
# Register Ref_FloatNUHistoND in _npstat:
_npstat.Ref_FloatNUHistoND_swigregister(Ref_FloatNUHistoND)
class ArchiveRecord_FloatDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_FloatDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatDAHistoND
# Register ArchiveRecord_FloatDAHistoND in _npstat:
_npstat.ArchiveRecord_FloatDAHistoND_swigregister(ArchiveRecord_FloatDAHistoND)
class Ref_FloatDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatDAHistoND_swiginit(self, _npstat.new_Ref_FloatDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "FloatDAHistoND") -> "void":
return _npstat.Ref_FloatDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< float,npstat::DualHistoAxis > *":
return _npstat.Ref_FloatDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatDAHistoND
# Register Ref_FloatDAHistoND in _npstat:
_npstat.Ref_FloatDAHistoND_swigregister(Ref_FloatDAHistoND)
class ArchiveRecord_DoubleHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleHistoND_swiginit(self, _npstat.new_ArchiveRecord_DoubleHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleHistoND
# Register ArchiveRecord_DoubleHistoND in _npstat:
_npstat.ArchiveRecord_DoubleHistoND_swigregister(ArchiveRecord_DoubleHistoND)
class Ref_DoubleHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleHistoND_swiginit(self, _npstat.new_Ref_DoubleHistoND(*args))
def restore(self, index: "unsigned long", obj: "DoubleHistoND") -> "void":
return _npstat.Ref_DoubleHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< double,npstat::HistoAxis > *":
return _npstat.Ref_DoubleHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleHistoND
# Register Ref_DoubleHistoND in _npstat:
_npstat.Ref_DoubleHistoND_swigregister(Ref_DoubleHistoND)
class ArchiveRecord_DoubleNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_DoubleNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleNUHistoND
# Register ArchiveRecord_DoubleNUHistoND in _npstat:
_npstat.ArchiveRecord_DoubleNUHistoND_swigregister(ArchiveRecord_DoubleNUHistoND)
class Ref_DoubleNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleNUHistoND_swiginit(self, _npstat.new_Ref_DoubleNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "DoubleNUHistoND") -> "void":
return _npstat.Ref_DoubleNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< double,npstat::NUHistoAxis > *":
return _npstat.Ref_DoubleNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleNUHistoND
# Register Ref_DoubleNUHistoND in _npstat:
_npstat.Ref_DoubleNUHistoND_swigregister(Ref_DoubleNUHistoND)
class ArchiveRecord_DoubleDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_DoubleDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleDAHistoND
# Register ArchiveRecord_DoubleDAHistoND in _npstat:
_npstat.ArchiveRecord_DoubleDAHistoND_swigregister(ArchiveRecord_DoubleDAHistoND)
class Ref_DoubleDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleDAHistoND_swiginit(self, _npstat.new_Ref_DoubleDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "DoubleDAHistoND") -> "void":
return _npstat.Ref_DoubleDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< double,npstat::DualHistoAxis > *":
return _npstat.Ref_DoubleDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleDAHistoND
# Register Ref_DoubleDAHistoND in _npstat:
_npstat.Ref_DoubleDAHistoND_swigregister(Ref_DoubleDAHistoND)
class ArchiveRecord_StatAccHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StatAccHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StatAccHistoND_swiginit(self, _npstat.new_ArchiveRecord_StatAccHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StatAccHistoND
# Register ArchiveRecord_StatAccHistoND in _npstat:
_npstat.ArchiveRecord_StatAccHistoND_swigregister(ArchiveRecord_StatAccHistoND)
class Ref_StatAccHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StatAccHistoND_swiginit(self, _npstat.new_Ref_StatAccHistoND(*args))
def restore(self, index: "unsigned long", obj: "StatAccHistoND") -> "void":
return _npstat.Ref_StatAccHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::StatAccumulator,npstat::HistoAxis > *":
return _npstat.Ref_StatAccHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_StatAccHistoND
# Register Ref_StatAccHistoND in _npstat:
_npstat.Ref_StatAccHistoND_swigregister(Ref_StatAccHistoND)
class ArchiveRecord_StatAccNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StatAccNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StatAccNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_StatAccNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StatAccNUHistoND
# Register ArchiveRecord_StatAccNUHistoND in _npstat:
_npstat.ArchiveRecord_StatAccNUHistoND_swigregister(ArchiveRecord_StatAccNUHistoND)
class Ref_StatAccNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StatAccNUHistoND_swiginit(self, _npstat.new_Ref_StatAccNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "StatAccNUHistoND") -> "void":
return _npstat.Ref_StatAccNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::StatAccumulator,npstat::NUHistoAxis > *":
return _npstat.Ref_StatAccNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_StatAccNUHistoND
# Register Ref_StatAccNUHistoND in _npstat:
_npstat.Ref_StatAccNUHistoND_swigregister(Ref_StatAccNUHistoND)
class ArchiveRecord_StatAccDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StatAccDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StatAccDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_StatAccDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StatAccDAHistoND
# Register ArchiveRecord_StatAccDAHistoND in _npstat:
_npstat.ArchiveRecord_StatAccDAHistoND_swigregister(ArchiveRecord_StatAccDAHistoND)
class Ref_StatAccDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StatAccDAHistoND_swiginit(self, _npstat.new_Ref_StatAccDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "StatAccDAHistoND") -> "void":
return _npstat.Ref_StatAccDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::StatAccumulator,npstat::DualHistoAxis > *":
return _npstat.Ref_StatAccDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_StatAccDAHistoND
# Register Ref_StatAccDAHistoND in _npstat:
_npstat.Ref_StatAccDAHistoND_swigregister(Ref_StatAccDAHistoND)
class ArchiveRecord_WStatAccHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "WStatAccHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_WStatAccHistoND_swiginit(self, _npstat.new_ArchiveRecord_WStatAccHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_WStatAccHistoND
# Register ArchiveRecord_WStatAccHistoND in _npstat:
_npstat.ArchiveRecord_WStatAccHistoND_swigregister(ArchiveRecord_WStatAccHistoND)
class Ref_WStatAccHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_WStatAccHistoND_swiginit(self, _npstat.new_Ref_WStatAccHistoND(*args))
def restore(self, index: "unsigned long", obj: "WStatAccHistoND") -> "void":
return _npstat.Ref_WStatAccHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::HistoAxis > *":
return _npstat.Ref_WStatAccHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_WStatAccHistoND
# Register Ref_WStatAccHistoND in _npstat:
_npstat.Ref_WStatAccHistoND_swigregister(Ref_WStatAccHistoND)
class ArchiveRecord_WStatAccNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "WStatAccNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_WStatAccNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_WStatAccNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_WStatAccNUHistoND
# Register ArchiveRecord_WStatAccNUHistoND in _npstat:
_npstat.ArchiveRecord_WStatAccNUHistoND_swigregister(ArchiveRecord_WStatAccNUHistoND)
class Ref_WStatAccNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_WStatAccNUHistoND_swiginit(self, _npstat.new_Ref_WStatAccNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "WStatAccNUHistoND") -> "void":
return _npstat.Ref_WStatAccNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::NUHistoAxis > *":
return _npstat.Ref_WStatAccNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_WStatAccNUHistoND
# Register Ref_WStatAccNUHistoND in _npstat:
_npstat.Ref_WStatAccNUHistoND_swigregister(Ref_WStatAccNUHistoND)
class ArchiveRecord_WStatAccDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "WStatAccDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_WStatAccDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_WStatAccDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_WStatAccDAHistoND
# Register ArchiveRecord_WStatAccDAHistoND in _npstat:
_npstat.ArchiveRecord_WStatAccDAHistoND_swigregister(ArchiveRecord_WStatAccDAHistoND)
class Ref_WStatAccDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_WStatAccDAHistoND_swiginit(self, _npstat.new_Ref_WStatAccDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "WStatAccDAHistoND") -> "void":
return _npstat.Ref_WStatAccDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::WeightedStatAccumulator,npstat::DualHistoAxis > *":
return _npstat.Ref_WStatAccDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_WStatAccDAHistoND
# Register Ref_WStatAccDAHistoND in _npstat:
_npstat.Ref_WStatAccDAHistoND_swigregister(Ref_WStatAccDAHistoND)
class ArchiveRecord_BinSummaryHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "BinSummaryHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_BinSummaryHistoND_swiginit(self, _npstat.new_ArchiveRecord_BinSummaryHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_BinSummaryHistoND
# Register ArchiveRecord_BinSummaryHistoND in _npstat:
_npstat.ArchiveRecord_BinSummaryHistoND_swigregister(ArchiveRecord_BinSummaryHistoND)
class Ref_BinSummaryHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_BinSummaryHistoND_swiginit(self, _npstat.new_Ref_BinSummaryHistoND(*args))
def restore(self, index: "unsigned long", obj: "BinSummaryHistoND") -> "void":
return _npstat.Ref_BinSummaryHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::BinSummary,npstat::HistoAxis > *":
return _npstat.Ref_BinSummaryHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_BinSummaryHistoND
# Register Ref_BinSummaryHistoND in _npstat:
_npstat.Ref_BinSummaryHistoND_swigregister(Ref_BinSummaryHistoND)
class ArchiveRecord_BinSummaryNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "BinSummaryNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_BinSummaryNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_BinSummaryNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_BinSummaryNUHistoND
# Register ArchiveRecord_BinSummaryNUHistoND in _npstat:
_npstat.ArchiveRecord_BinSummaryNUHistoND_swigregister(ArchiveRecord_BinSummaryNUHistoND)
class Ref_BinSummaryNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_BinSummaryNUHistoND_swiginit(self, _npstat.new_Ref_BinSummaryNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "BinSummaryNUHistoND") -> "void":
return _npstat.Ref_BinSummaryNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::BinSummary,npstat::NUHistoAxis > *":
return _npstat.Ref_BinSummaryNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_BinSummaryNUHistoND
# Register Ref_BinSummaryNUHistoND in _npstat:
_npstat.Ref_BinSummaryNUHistoND_swigregister(Ref_BinSummaryNUHistoND)
class ArchiveRecord_BinSummaryDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "BinSummaryDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_BinSummaryDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_BinSummaryDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_BinSummaryDAHistoND
# Register ArchiveRecord_BinSummaryDAHistoND in _npstat:
_npstat.ArchiveRecord_BinSummaryDAHistoND_swigregister(ArchiveRecord_BinSummaryDAHistoND)
class Ref_BinSummaryDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_BinSummaryDAHistoND_swiginit(self, _npstat.new_Ref_BinSummaryDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "BinSummaryDAHistoND") -> "void":
return _npstat.Ref_BinSummaryDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::BinSummary,npstat::DualHistoAxis > *":
return _npstat.Ref_BinSummaryDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_BinSummaryDAHistoND
# Register Ref_BinSummaryDAHistoND in _npstat:
_npstat.Ref_BinSummaryDAHistoND_swigregister(Ref_BinSummaryDAHistoND)
class ArchiveRecord_FSampleAccHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FSampleAccHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FSampleAccHistoND_swiginit(self, _npstat.new_ArchiveRecord_FSampleAccHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FSampleAccHistoND
# Register ArchiveRecord_FSampleAccHistoND in _npstat:
_npstat.ArchiveRecord_FSampleAccHistoND_swigregister(ArchiveRecord_FSampleAccHistoND)
class Ref_FSampleAccHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FSampleAccHistoND_swiginit(self, _npstat.new_Ref_FSampleAccHistoND(*args))
def restore(self, index: "unsigned long", obj: "FSampleAccHistoND") -> "void":
return _npstat.Ref_FSampleAccHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::HistoAxis > *":
return _npstat.Ref_FSampleAccHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_FSampleAccHistoND
# Register Ref_FSampleAccHistoND in _npstat:
_npstat.Ref_FSampleAccHistoND_swigregister(Ref_FSampleAccHistoND)
class ArchiveRecord_FSampleAccNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FSampleAccNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FSampleAccNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_FSampleAccNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FSampleAccNUHistoND
# Register ArchiveRecord_FSampleAccNUHistoND in _npstat:
_npstat.ArchiveRecord_FSampleAccNUHistoND_swigregister(ArchiveRecord_FSampleAccNUHistoND)
class Ref_FSampleAccNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FSampleAccNUHistoND_swiginit(self, _npstat.new_Ref_FSampleAccNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "FSampleAccNUHistoND") -> "void":
return _npstat.Ref_FSampleAccNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::NUHistoAxis > *":
return _npstat.Ref_FSampleAccNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_FSampleAccNUHistoND
# Register Ref_FSampleAccNUHistoND in _npstat:
_npstat.Ref_FSampleAccNUHistoND_swigregister(Ref_FSampleAccNUHistoND)
class ArchiveRecord_FSampleAccDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FSampleAccDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FSampleAccDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_FSampleAccDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FSampleAccDAHistoND
# Register ArchiveRecord_FSampleAccDAHistoND in _npstat:
_npstat.ArchiveRecord_FSampleAccDAHistoND_swigregister(ArchiveRecord_FSampleAccDAHistoND)
class Ref_FSampleAccDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FSampleAccDAHistoND_swiginit(self, _npstat.new_Ref_FSampleAccDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "FSampleAccDAHistoND") -> "void":
return _npstat.Ref_FSampleAccDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::FloatSampleAccumulator,npstat::DualHistoAxis > *":
return _npstat.Ref_FSampleAccDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_FSampleAccDAHistoND
# Register Ref_FSampleAccDAHistoND in _npstat:
_npstat.Ref_FSampleAccDAHistoND_swigregister(Ref_FSampleAccDAHistoND)
class ArchiveRecord_DSampleAccHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DSampleAccHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DSampleAccHistoND_swiginit(self, _npstat.new_ArchiveRecord_DSampleAccHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DSampleAccHistoND
# Register ArchiveRecord_DSampleAccHistoND in _npstat:
_npstat.ArchiveRecord_DSampleAccHistoND_swigregister(ArchiveRecord_DSampleAccHistoND)
class Ref_DSampleAccHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DSampleAccHistoND_swiginit(self, _npstat.new_Ref_DSampleAccHistoND(*args))
def restore(self, index: "unsigned long", obj: "DSampleAccHistoND") -> "void":
return _npstat.Ref_DSampleAccHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::HistoAxis > *":
return _npstat.Ref_DSampleAccHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DSampleAccHistoND
# Register Ref_DSampleAccHistoND in _npstat:
_npstat.Ref_DSampleAccHistoND_swigregister(Ref_DSampleAccHistoND)
class ArchiveRecord_DSampleAccNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DSampleAccNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DSampleAccNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_DSampleAccNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DSampleAccNUHistoND
# Register ArchiveRecord_DSampleAccNUHistoND in _npstat:
_npstat.ArchiveRecord_DSampleAccNUHistoND_swigregister(ArchiveRecord_DSampleAccNUHistoND)
class Ref_DSampleAccNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DSampleAccNUHistoND_swiginit(self, _npstat.new_Ref_DSampleAccNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "DSampleAccNUHistoND") -> "void":
return _npstat.Ref_DSampleAccNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::NUHistoAxis > *":
return _npstat.Ref_DSampleAccNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DSampleAccNUHistoND
# Register Ref_DSampleAccNUHistoND in _npstat:
_npstat.Ref_DSampleAccNUHistoND_swigregister(Ref_DSampleAccNUHistoND)
class ArchiveRecord_DSampleAccDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DSampleAccDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DSampleAccDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_DSampleAccDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DSampleAccDAHistoND
# Register ArchiveRecord_DSampleAccDAHistoND in _npstat:
_npstat.ArchiveRecord_DSampleAccDAHistoND_swigregister(ArchiveRecord_DSampleAccDAHistoND)
class Ref_DSampleAccDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DSampleAccDAHistoND_swiginit(self, _npstat.new_Ref_DSampleAccDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "DSampleAccDAHistoND") -> "void":
return _npstat.Ref_DSampleAccDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::DoubleSampleAccumulator,npstat::DualHistoAxis > *":
return _npstat.Ref_DSampleAccDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DSampleAccDAHistoND
# Register Ref_DSampleAccDAHistoND in _npstat:
_npstat.Ref_DSampleAccDAHistoND_swigregister(Ref_DSampleAccDAHistoND)
class ArchiveRecord_DWSampleAccHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DWSampleAccHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DWSampleAccHistoND_swiginit(self, _npstat.new_ArchiveRecord_DWSampleAccHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DWSampleAccHistoND
# Register ArchiveRecord_DWSampleAccHistoND in _npstat:
_npstat.ArchiveRecord_DWSampleAccHistoND_swigregister(ArchiveRecord_DWSampleAccHistoND)
class Ref_DWSampleAccHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DWSampleAccHistoND_swiginit(self, _npstat.new_Ref_DWSampleAccHistoND(*args))
def restore(self, index: "unsigned long", obj: "DWSampleAccHistoND") -> "void":
return _npstat.Ref_DWSampleAccHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::HistoAxis > *":
return _npstat.Ref_DWSampleAccHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DWSampleAccHistoND
# Register Ref_DWSampleAccHistoND in _npstat:
_npstat.Ref_DWSampleAccHistoND_swigregister(Ref_DWSampleAccHistoND)
class ArchiveRecord_DWSampleAccNUHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DWSampleAccNUHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DWSampleAccNUHistoND_swiginit(self, _npstat.new_ArchiveRecord_DWSampleAccNUHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DWSampleAccNUHistoND
# Register ArchiveRecord_DWSampleAccNUHistoND in _npstat:
_npstat.ArchiveRecord_DWSampleAccNUHistoND_swigregister(ArchiveRecord_DWSampleAccNUHistoND)
class Ref_DWSampleAccNUHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DWSampleAccNUHistoND_swiginit(self, _npstat.new_Ref_DWSampleAccNUHistoND(*args))
def restore(self, index: "unsigned long", obj: "DWSampleAccNUHistoND") -> "void":
return _npstat.Ref_DWSampleAccNUHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::NUHistoAxis > *":
return _npstat.Ref_DWSampleAccNUHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DWSampleAccNUHistoND
# Register Ref_DWSampleAccNUHistoND in _npstat:
_npstat.Ref_DWSampleAccNUHistoND_swigregister(Ref_DWSampleAccNUHistoND)
class ArchiveRecord_DWSampleAccDAHistoND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DWSampleAccDAHistoND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DWSampleAccDAHistoND_swiginit(self, _npstat.new_ArchiveRecord_DWSampleAccDAHistoND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DWSampleAccDAHistoND
# Register ArchiveRecord_DWSampleAccDAHistoND in _npstat:
_npstat.ArchiveRecord_DWSampleAccDAHistoND_swigregister(ArchiveRecord_DWSampleAccDAHistoND)
class Ref_DWSampleAccDAHistoND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DWSampleAccDAHistoND_swiginit(self, _npstat.new_Ref_DWSampleAccDAHistoND(*args))
def restore(self, index: "unsigned long", obj: "DWSampleAccDAHistoND") -> "void":
return _npstat.Ref_DWSampleAccDAHistoND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::HistoND< npstat::DoubleWeightedSampleAccumulator,npstat::DualHistoAxis > *":
return _npstat.Ref_DWSampleAccDAHistoND_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_DWSampleAccDAHistoND
# Register Ref_DWSampleAccDAHistoND in _npstat:
_npstat.Ref_DWSampleAccDAHistoND_swigregister(Ref_DWSampleAccDAHistoND)
class AbsMarginalSmootherBase(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsMarginalSmootherBase
def setAxisLabel(self, axisLabel: "char const *") -> "void":
return _npstat.AbsMarginalSmootherBase_setAxisLabel(self, axisLabel)
def nBins(self) -> "unsigned int":
return _npstat.AbsMarginalSmootherBase_nBins(self)
def xMin(self) -> "double":
return _npstat.AbsMarginalSmootherBase_xMin(self)
def xMax(self) -> "double":
return _npstat.AbsMarginalSmootherBase_xMax(self)
def binWidth(self) -> "double":
return _npstat.AbsMarginalSmootherBase_binWidth(self)
def getAxisLabel(self) -> "std::string const &":
return _npstat.AbsMarginalSmootherBase_getAxisLabel(self)
def getArchive(self) -> "gs::AbsArchive *":
return _npstat.AbsMarginalSmootherBase_getArchive(self)
def getArchiveCategory(self) -> "std::string const &":
return _npstat.AbsMarginalSmootherBase_getArchiveCategory(self)
def lastBandwidth(self) -> "double":
return _npstat.AbsMarginalSmootherBase_lastBandwidth(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.AbsMarginalSmootherBase_setArchive(self, ar, category)
def unsetArchive(self) -> "void":
return _npstat.AbsMarginalSmootherBase_unsetArchive(self)
def smooth(self, inputPoints: "DoubleVector") -> "PyObject *":
return _npstat.AbsMarginalSmootherBase_smooth(self, inputPoints)
def weightedSmooth(self, inputPoints: "DoubleDoublePairVector") -> "PyObject *":
return _npstat.AbsMarginalSmootherBase_weightedSmooth(self, inputPoints)
def smoothArch(self, inputPoints: "DoubleVector", uniqueId: "unsigned long", dimNumber: "unsigned int") -> "PyObject *":
return _npstat.AbsMarginalSmootherBase_smoothArch(self, inputPoints, uniqueId, dimNumber)
def weightedSmoothArch(self, inputPoints: "DoubleDoublePairVector", uniqueId: "unsigned long", dimNumber: "unsigned int") -> "PyObject *":
return _npstat.AbsMarginalSmootherBase_weightedSmoothArch(self, inputPoints, uniqueId, dimNumber)
# Register AbsMarginalSmootherBase in _npstat:
_npstat.AbsMarginalSmootherBase_swigregister(AbsMarginalSmootherBase)
class AbsMarginalSmootherBaseVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.AbsMarginalSmootherBaseVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.AbsMarginalSmootherBaseVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.AbsMarginalSmootherBaseVector___bool__(self)
def __len__(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::size_type":
return _npstat.AbsMarginalSmootherBaseVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::AbsMarginalSmootherBase * >::difference_type", j: "std::vector< npstat::AbsMarginalSmootherBase * >::difference_type") -> "std::vector< npstat::AbsMarginalSmootherBase *,std::allocator< npstat::AbsMarginalSmootherBase * > > *":
return _npstat.AbsMarginalSmootherBaseVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.AbsMarginalSmootherBaseVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::AbsMarginalSmootherBase * >::difference_type", j: "std::vector< npstat::AbsMarginalSmootherBase * >::difference_type") -> "void":
return _npstat.AbsMarginalSmootherBaseVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.AbsMarginalSmootherBaseVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::AbsMarginalSmootherBase * >::value_type":
return _npstat.AbsMarginalSmootherBaseVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.AbsMarginalSmootherBaseVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::value_type":
return _npstat.AbsMarginalSmootherBaseVector_pop(self)
def append(self, x: "AbsMarginalSmootherBase") -> "void":
return _npstat.AbsMarginalSmootherBaseVector_append(self, x)
def empty(self) -> "bool":
return _npstat.AbsMarginalSmootherBaseVector_empty(self)
def size(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::size_type":
return _npstat.AbsMarginalSmootherBaseVector_size(self)
def swap(self, v: "AbsMarginalSmootherBaseVector") -> "void":
return _npstat.AbsMarginalSmootherBaseVector_swap(self, v)
def begin(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::iterator":
return _npstat.AbsMarginalSmootherBaseVector_begin(self)
def end(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::iterator":
return _npstat.AbsMarginalSmootherBaseVector_end(self)
def rbegin(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::reverse_iterator":
return _npstat.AbsMarginalSmootherBaseVector_rbegin(self)
def rend(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::reverse_iterator":
return _npstat.AbsMarginalSmootherBaseVector_rend(self)
def clear(self) -> "void":
return _npstat.AbsMarginalSmootherBaseVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::allocator_type":
return _npstat.AbsMarginalSmootherBaseVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.AbsMarginalSmootherBaseVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::AbsMarginalSmootherBase * >::iterator":
return _npstat.AbsMarginalSmootherBaseVector_erase(self, *args)
def __init__(self, *args):
_npstat.AbsMarginalSmootherBaseVector_swiginit(self, _npstat.new_AbsMarginalSmootherBaseVector(*args))
def push_back(self, x: "AbsMarginalSmootherBase") -> "void":
return _npstat.AbsMarginalSmootherBaseVector_push_back(self, x)
def front(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::value_type":
return _npstat.AbsMarginalSmootherBaseVector_front(self)
def back(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::value_type":
return _npstat.AbsMarginalSmootherBaseVector_back(self)
def assign(self, n: "std::vector< npstat::AbsMarginalSmootherBase * >::size_type", x: "AbsMarginalSmootherBase") -> "void":
return _npstat.AbsMarginalSmootherBaseVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.AbsMarginalSmootherBaseVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.AbsMarginalSmootherBaseVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::AbsMarginalSmootherBase * >::size_type") -> "void":
return _npstat.AbsMarginalSmootherBaseVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::AbsMarginalSmootherBase * >::size_type":
return _npstat.AbsMarginalSmootherBaseVector_capacity(self)
__swig_destroy__ = _npstat.delete_AbsMarginalSmootherBaseVector
# Register AbsMarginalSmootherBaseVector in _npstat:
_npstat.AbsMarginalSmootherBaseVector_swigregister(AbsMarginalSmootherBaseVector)
class AbsCopulaSmootherBase(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCopulaSmootherBase
def dim(self) -> "unsigned int":
return _npstat.AbsCopulaSmootherBase_dim(self)
def copulaShape(self) -> "npstat::ArrayShape":
return _npstat.AbsCopulaSmootherBase_copulaShape(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.AbsCopulaSmootherBase_setArchive(self, ar, category)
def getHisto(self) -> "npstat::HistoND< double,npstat::HistoAxis > *":
return _npstat.AbsCopulaSmootherBase_getHisto(self)
def smooth(self, *args) -> "void":
return _npstat.AbsCopulaSmootherBase_smooth(self, *args)
def weightedSmooth(self, uniqueId: "unsigned long", data: "DoubleVectorVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth(self, uniqueId, data, weights, dimsToUse)
def weightedSmooth2D(self, uniqueId: "unsigned long", data: "Point2DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth2D(self, uniqueId, data, weights, dimsToUse)
def weightedSmooth3D(self, uniqueId: "unsigned long", data: "Point3DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth3D(self, uniqueId, data, weights, dimsToUse)
def weightedSmooth4D(self, uniqueId: "unsigned long", data: "Point4DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth4D(self, uniqueId, data, weights, dimsToUse)
def weightedSmooth5D(self, uniqueId: "unsigned long", data: "Point5DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth5D(self, uniqueId, data, weights, dimsToUse)
def weightedSmooth6D(self, uniqueId: "unsigned long", data: "Point6DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth6D(self, uniqueId, data, weights, dimsToUse)
def weightedSmooth7D(self, uniqueId: "unsigned long", data: "Point7DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth7D(self, uniqueId, data, weights, dimsToUse)
def weightedSmooth8D(self, uniqueId: "unsigned long", data: "Point8DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth8D(self, uniqueId, data, weights, dimsToUse)
def weightedSmooth9D(self, uniqueId: "unsigned long", data: "Point9DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth9D(self, uniqueId, data, weights, dimsToUse)
def weightedSmooth10D(self, uniqueId: "unsigned long", data: "Point10DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *") -> "void":
return _npstat.AbsCopulaSmootherBase_weightedSmooth10D(self, uniqueId, data, weights, dimsToUse)
# Register AbsCopulaSmootherBase in _npstat:
_npstat.AbsCopulaSmootherBase_swigregister(AbsCopulaSmootherBase)
class AbsResponseBoxBuilder1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder1D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint1DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder1D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,1U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder1D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder1D in _npstat:
_npstat.AbsResponseBoxBuilder1D_swigregister(AbsResponseBoxBuilder1D)
class AbsResponseBoxBuilder2D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder2D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint2DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder2D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,2U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder2D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder2D in _npstat:
_npstat.AbsResponseBoxBuilder2D_swigregister(AbsResponseBoxBuilder2D)
class AbsResponseBoxBuilder3D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder3D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint3DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder3D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,3U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder3D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder3D in _npstat:
_npstat.AbsResponseBoxBuilder3D_swigregister(AbsResponseBoxBuilder3D)
class AbsResponseBoxBuilder4D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder4D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint4DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder4D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,4U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder4D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder4D in _npstat:
_npstat.AbsResponseBoxBuilder4D_swigregister(AbsResponseBoxBuilder4D)
class AbsResponseBoxBuilder5D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder5D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint5DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder5D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,5U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder5D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder5D in _npstat:
_npstat.AbsResponseBoxBuilder5D_swigregister(AbsResponseBoxBuilder5D)
class AbsResponseBoxBuilder6D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder6D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint6DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder6D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,6U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder6D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder6D in _npstat:
_npstat.AbsResponseBoxBuilder6D_swigregister(AbsResponseBoxBuilder6D)
class AbsResponseBoxBuilder7D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder7D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint7DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder7D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,7U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder7D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder7D in _npstat:
_npstat.AbsResponseBoxBuilder7D_swigregister(AbsResponseBoxBuilder7D)
class AbsResponseBoxBuilder8D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder8D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint8DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder8D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,8U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder8D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder8D in _npstat:
_npstat.AbsResponseBoxBuilder8D_swigregister(AbsResponseBoxBuilder8D)
class AbsResponseBoxBuilder9D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder9D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint9DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder9D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,9U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder9D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder9D in _npstat:
_npstat.AbsResponseBoxBuilder9D_swigregister(AbsResponseBoxBuilder9D)
class AbsResponseBoxBuilder10D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsResponseBoxBuilder10D
def makeResponseBox(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "OrderedPoint10DVector") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder10D_makeResponseBox(self, uniqueId, predictorCoords, predictorBox, data)
def makeResponseBoxW(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsResponseBoxBuilder< std::array< double,10U > >::WeightedPtrVec const &", dimsToUse: "unsigned int const *") -> "npstat::BoxND< double >":
return _npstat.AbsResponseBoxBuilder10D_makeResponseBoxW(self, uniqueId, predictorCoords, predictorBox, data, dimsToUse)
# Register AbsResponseBoxBuilder10D in _npstat:
_npstat.AbsResponseBoxBuilder10D_swigregister(AbsResponseBoxBuilder10D)
class NonparametricCompositeBuilder2D(AbsCompositeDistroBuilder2D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, smoothND: "AbsCopulaSmootherBase", smooth1D: "AbsMarginalSmootherBaseVector", boxBuilder: "AbsResponseBoxBuilder2D", takePointerOwnership: "bool", interpolationDegreeCopula: "unsigned int"=1, interpolationDegreeMarginals: "unsigned int"=1):
_npstat.NonparametricCompositeBuilder2D_swiginit(self, _npstat.new_NonparametricCompositeBuilder2D(smoothND, smooth1D, boxBuilder, takePointerOwnership, interpolationDegreeCopula, interpolationDegreeMarginals))
__swig_destroy__ = _npstat.delete_NonparametricCompositeBuilder2D
def lastCopulaBandwidth(self) -> "double":
return _npstat.NonparametricCompositeBuilder2D_lastCopulaBandwidth(self)
def lastMarginBandwidth(self, i: "unsigned int const") -> "double":
return _npstat.NonparametricCompositeBuilder2D_lastMarginBandwidth(self, i)
def dim(self) -> "unsigned int":
return _npstat.NonparametricCompositeBuilder2D_dim(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.NonparametricCompositeBuilder2D_setArchive(self, ar, category)
# Register NonparametricCompositeBuilder2D in _npstat:
_npstat.NonparametricCompositeBuilder2D_swigregister(NonparametricCompositeBuilder2D)
class NonparametricCompositeBuilder3D(AbsCompositeDistroBuilder3D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, smoothND: "AbsCopulaSmootherBase", smooth1D: "AbsMarginalSmootherBaseVector", boxBuilder: "AbsResponseBoxBuilder3D", takePointerOwnership: "bool", interpolationDegreeCopula: "unsigned int"=1, interpolationDegreeMarginals: "unsigned int"=1):
_npstat.NonparametricCompositeBuilder3D_swiginit(self, _npstat.new_NonparametricCompositeBuilder3D(smoothND, smooth1D, boxBuilder, takePointerOwnership, interpolationDegreeCopula, interpolationDegreeMarginals))
__swig_destroy__ = _npstat.delete_NonparametricCompositeBuilder3D
def lastCopulaBandwidth(self) -> "double":
return _npstat.NonparametricCompositeBuilder3D_lastCopulaBandwidth(self)
def lastMarginBandwidth(self, i: "unsigned int const") -> "double":
return _npstat.NonparametricCompositeBuilder3D_lastMarginBandwidth(self, i)
def dim(self) -> "unsigned int":
return _npstat.NonparametricCompositeBuilder3D_dim(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.NonparametricCompositeBuilder3D_setArchive(self, ar, category)
# Register NonparametricCompositeBuilder3D in _npstat:
_npstat.NonparametricCompositeBuilder3D_swigregister(NonparametricCompositeBuilder3D)
class NonparametricCompositeBuilder4D(AbsCompositeDistroBuilder4D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, smoothND: "AbsCopulaSmootherBase", smooth1D: "AbsMarginalSmootherBaseVector", boxBuilder: "AbsResponseBoxBuilder4D", takePointerOwnership: "bool", interpolationDegreeCopula: "unsigned int"=1, interpolationDegreeMarginals: "unsigned int"=1):
_npstat.NonparametricCompositeBuilder4D_swiginit(self, _npstat.new_NonparametricCompositeBuilder4D(smoothND, smooth1D, boxBuilder, takePointerOwnership, interpolationDegreeCopula, interpolationDegreeMarginals))
__swig_destroy__ = _npstat.delete_NonparametricCompositeBuilder4D
def lastCopulaBandwidth(self) -> "double":
return _npstat.NonparametricCompositeBuilder4D_lastCopulaBandwidth(self)
def lastMarginBandwidth(self, i: "unsigned int const") -> "double":
return _npstat.NonparametricCompositeBuilder4D_lastMarginBandwidth(self, i)
def dim(self) -> "unsigned int":
return _npstat.NonparametricCompositeBuilder4D_dim(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.NonparametricCompositeBuilder4D_setArchive(self, ar, category)
# Register NonparametricCompositeBuilder4D in _npstat:
_npstat.NonparametricCompositeBuilder4D_swigregister(NonparametricCompositeBuilder4D)
class NonparametricCompositeBuilder5D(AbsCompositeDistroBuilder5D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, smoothND: "AbsCopulaSmootherBase", smooth1D: "AbsMarginalSmootherBaseVector", boxBuilder: "AbsResponseBoxBuilder5D", takePointerOwnership: "bool", interpolationDegreeCopula: "unsigned int"=1, interpolationDegreeMarginals: "unsigned int"=1):
_npstat.NonparametricCompositeBuilder5D_swiginit(self, _npstat.new_NonparametricCompositeBuilder5D(smoothND, smooth1D, boxBuilder, takePointerOwnership, interpolationDegreeCopula, interpolationDegreeMarginals))
__swig_destroy__ = _npstat.delete_NonparametricCompositeBuilder5D
def lastCopulaBandwidth(self) -> "double":
return _npstat.NonparametricCompositeBuilder5D_lastCopulaBandwidth(self)
def lastMarginBandwidth(self, i: "unsigned int const") -> "double":
return _npstat.NonparametricCompositeBuilder5D_lastMarginBandwidth(self, i)
def dim(self) -> "unsigned int":
return _npstat.NonparametricCompositeBuilder5D_dim(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.NonparametricCompositeBuilder5D_setArchive(self, ar, category)
# Register NonparametricCompositeBuilder5D in _npstat:
_npstat.NonparametricCompositeBuilder5D_swigregister(NonparametricCompositeBuilder5D)
class NonparametricCompositeBuilder6D(AbsCompositeDistroBuilder6D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, smoothND: "AbsCopulaSmootherBase", smooth1D: "AbsMarginalSmootherBaseVector", boxBuilder: "AbsResponseBoxBuilder6D", takePointerOwnership: "bool", interpolationDegreeCopula: "unsigned int"=1, interpolationDegreeMarginals: "unsigned int"=1):
_npstat.NonparametricCompositeBuilder6D_swiginit(self, _npstat.new_NonparametricCompositeBuilder6D(smoothND, smooth1D, boxBuilder, takePointerOwnership, interpolationDegreeCopula, interpolationDegreeMarginals))
__swig_destroy__ = _npstat.delete_NonparametricCompositeBuilder6D
def lastCopulaBandwidth(self) -> "double":
return _npstat.NonparametricCompositeBuilder6D_lastCopulaBandwidth(self)
def lastMarginBandwidth(self, i: "unsigned int const") -> "double":
return _npstat.NonparametricCompositeBuilder6D_lastMarginBandwidth(self, i)
def dim(self) -> "unsigned int":
return _npstat.NonparametricCompositeBuilder6D_dim(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.NonparametricCompositeBuilder6D_setArchive(self, ar, category)
# Register NonparametricCompositeBuilder6D in _npstat:
_npstat.NonparametricCompositeBuilder6D_swigregister(NonparametricCompositeBuilder6D)
class NonparametricCompositeBuilder7D(AbsCompositeDistroBuilder7D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, smoothND: "AbsCopulaSmootherBase", smooth1D: "AbsMarginalSmootherBaseVector", boxBuilder: "AbsResponseBoxBuilder7D", takePointerOwnership: "bool", interpolationDegreeCopula: "unsigned int"=1, interpolationDegreeMarginals: "unsigned int"=1):
_npstat.NonparametricCompositeBuilder7D_swiginit(self, _npstat.new_NonparametricCompositeBuilder7D(smoothND, smooth1D, boxBuilder, takePointerOwnership, interpolationDegreeCopula, interpolationDegreeMarginals))
__swig_destroy__ = _npstat.delete_NonparametricCompositeBuilder7D
def lastCopulaBandwidth(self) -> "double":
return _npstat.NonparametricCompositeBuilder7D_lastCopulaBandwidth(self)
def lastMarginBandwidth(self, i: "unsigned int const") -> "double":
return _npstat.NonparametricCompositeBuilder7D_lastMarginBandwidth(self, i)
def dim(self) -> "unsigned int":
return _npstat.NonparametricCompositeBuilder7D_dim(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.NonparametricCompositeBuilder7D_setArchive(self, ar, category)
# Register NonparametricCompositeBuilder7D in _npstat:
_npstat.NonparametricCompositeBuilder7D_swigregister(NonparametricCompositeBuilder7D)
class NonparametricCompositeBuilder8D(AbsCompositeDistroBuilder8D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, smoothND: "AbsCopulaSmootherBase", smooth1D: "AbsMarginalSmootherBaseVector", boxBuilder: "AbsResponseBoxBuilder8D", takePointerOwnership: "bool", interpolationDegreeCopula: "unsigned int"=1, interpolationDegreeMarginals: "unsigned int"=1):
_npstat.NonparametricCompositeBuilder8D_swiginit(self, _npstat.new_NonparametricCompositeBuilder8D(smoothND, smooth1D, boxBuilder, takePointerOwnership, interpolationDegreeCopula, interpolationDegreeMarginals))
__swig_destroy__ = _npstat.delete_NonparametricCompositeBuilder8D
def lastCopulaBandwidth(self) -> "double":
return _npstat.NonparametricCompositeBuilder8D_lastCopulaBandwidth(self)
def lastMarginBandwidth(self, i: "unsigned int const") -> "double":
return _npstat.NonparametricCompositeBuilder8D_lastMarginBandwidth(self, i)
def dim(self) -> "unsigned int":
return _npstat.NonparametricCompositeBuilder8D_dim(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.NonparametricCompositeBuilder8D_setArchive(self, ar, category)
# Register NonparametricCompositeBuilder8D in _npstat:
_npstat.NonparametricCompositeBuilder8D_swigregister(NonparametricCompositeBuilder8D)
class NonparametricCompositeBuilder9D(AbsCompositeDistroBuilder9D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, smoothND: "AbsCopulaSmootherBase", smooth1D: "AbsMarginalSmootherBaseVector", boxBuilder: "AbsResponseBoxBuilder9D", takePointerOwnership: "bool", interpolationDegreeCopula: "unsigned int"=1, interpolationDegreeMarginals: "unsigned int"=1):
_npstat.NonparametricCompositeBuilder9D_swiginit(self, _npstat.new_NonparametricCompositeBuilder9D(smoothND, smooth1D, boxBuilder, takePointerOwnership, interpolationDegreeCopula, interpolationDegreeMarginals))
__swig_destroy__ = _npstat.delete_NonparametricCompositeBuilder9D
def lastCopulaBandwidth(self) -> "double":
return _npstat.NonparametricCompositeBuilder9D_lastCopulaBandwidth(self)
def lastMarginBandwidth(self, i: "unsigned int const") -> "double":
return _npstat.NonparametricCompositeBuilder9D_lastMarginBandwidth(self, i)
def dim(self) -> "unsigned int":
return _npstat.NonparametricCompositeBuilder9D_dim(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.NonparametricCompositeBuilder9D_setArchive(self, ar, category)
# Register NonparametricCompositeBuilder9D in _npstat:
_npstat.NonparametricCompositeBuilder9D_swigregister(NonparametricCompositeBuilder9D)
class NonparametricCompositeBuilder10D(AbsCompositeDistroBuilder10D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, smoothND: "AbsCopulaSmootherBase", smooth1D: "AbsMarginalSmootherBaseVector", boxBuilder: "AbsResponseBoxBuilder10D", takePointerOwnership: "bool", interpolationDegreeCopula: "unsigned int"=1, interpolationDegreeMarginals: "unsigned int"=1):
_npstat.NonparametricCompositeBuilder10D_swiginit(self, _npstat.new_NonparametricCompositeBuilder10D(smoothND, smooth1D, boxBuilder, takePointerOwnership, interpolationDegreeCopula, interpolationDegreeMarginals))
__swig_destroy__ = _npstat.delete_NonparametricCompositeBuilder10D
def lastCopulaBandwidth(self) -> "double":
return _npstat.NonparametricCompositeBuilder10D_lastCopulaBandwidth(self)
def lastMarginBandwidth(self, i: "unsigned int const") -> "double":
return _npstat.NonparametricCompositeBuilder10D_lastMarginBandwidth(self, i)
def dim(self) -> "unsigned int":
return _npstat.NonparametricCompositeBuilder10D_dim(self)
def setArchive(self, ar: "AbsArchive", category: "char const *"=None) -> "void":
return _npstat.NonparametricCompositeBuilder10D_setArchive(self, ar, category)
# Register NonparametricCompositeBuilder10D in _npstat:
_npstat.NonparametricCompositeBuilder10D_swigregister(NonparametricCompositeBuilder10D)
class AbsCVCopulaSmoother(AbsCopulaSmootherBase):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCVCopulaSmoother
def isConvolving(self) -> "bool":
return _npstat.AbsCVCopulaSmoother_isConvolving(self)
def setConvolving(self, b: "bool const") -> "void":
return _npstat.AbsCVCopulaSmoother_setConvolving(self, b)
def bandwidthValues(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.AbsCVCopulaSmoother_bandwidthValues(self)
def lastCVValues(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.AbsCVCopulaSmoother_lastCVValues(self)
def lastRegularizedFractions(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.AbsCVCopulaSmoother_lastRegularizedFractions(self)
def getNFilters(self) -> "unsigned int":
return _npstat.AbsCVCopulaSmoother_getNFilters(self)
def lastFilterChosen(self) -> "unsigned int":
return _npstat.AbsCVCopulaSmoother_lastFilterChosen(self)
# Register AbsCVCopulaSmoother in _npstat:
_npstat.AbsCVCopulaSmoother_swigregister(AbsCVCopulaSmoother)
class UCharAbsBandwidthCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharAbsBandwidthCV1D
def cv(self, histo: "UCharHistoND", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.UCharAbsBandwidthCV1D_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "UCharHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.UCharAbsBandwidthCV1D_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
def cvWeightedSample(self, histo: "UCharHistoND", sample: "DoubleDoublePairVector", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.UCharAbsBandwidthCV1D_cvWeightedSample(self, histo, sample, input, filterUsed)
# Register UCharAbsBandwidthCV1D in _npstat:
_npstat.UCharAbsBandwidthCV1D_swigregister(UCharAbsBandwidthCV1D)
class IntAbsBandwidthCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntAbsBandwidthCV1D
def cv(self, histo: "IntHistoND", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.IntAbsBandwidthCV1D_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "IntHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.IntAbsBandwidthCV1D_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
def cvWeightedSample(self, histo: "IntHistoND", sample: "DoubleDoublePairVector", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.IntAbsBandwidthCV1D_cvWeightedSample(self, histo, sample, input, filterUsed)
# Register IntAbsBandwidthCV1D in _npstat:
_npstat.IntAbsBandwidthCV1D_swigregister(IntAbsBandwidthCV1D)
class LongAbsBandwidthCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongAbsBandwidthCV1D
def cv(self, histo: "LongHistoND", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.LongAbsBandwidthCV1D_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "LongHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.LongAbsBandwidthCV1D_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
def cvWeightedSample(self, histo: "LongHistoND", sample: "DoubleDoublePairVector", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.LongAbsBandwidthCV1D_cvWeightedSample(self, histo, sample, input, filterUsed)
# Register LongAbsBandwidthCV1D in _npstat:
_npstat.LongAbsBandwidthCV1D_swigregister(LongAbsBandwidthCV1D)
class FloatAbsBandwidthCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatAbsBandwidthCV1D
def cv(self, histo: "FloatHistoND", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.FloatAbsBandwidthCV1D_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "FloatHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.FloatAbsBandwidthCV1D_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
def cvWeightedSample(self, histo: "FloatHistoND", sample: "DoubleDoublePairVector", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.FloatAbsBandwidthCV1D_cvWeightedSample(self, histo, sample, input, filterUsed)
# Register FloatAbsBandwidthCV1D in _npstat:
_npstat.FloatAbsBandwidthCV1D_swigregister(FloatAbsBandwidthCV1D)
class DoubleAbsBandwidthCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleAbsBandwidthCV1D
def cv(self, histo: "DoubleHistoND", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.DoubleAbsBandwidthCV1D_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "DoubleHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.DoubleAbsBandwidthCV1D_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
def cvWeightedSample(self, histo: "DoubleHistoND", sample: "DoubleDoublePairVector", input: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.DoubleAbsBandwidthCV1D_cvWeightedSample(self, histo, sample, input, filterUsed)
# Register DoubleAbsBandwidthCV1D in _npstat:
_npstat.DoubleAbsBandwidthCV1D_swigregister(DoubleAbsBandwidthCV1D)
class UCharAbsBandwidthCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharAbsBandwidthCVND
def cv(self, histo: "UCharHistoND", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.UCharAbsBandwidthCVND_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "UCharHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.UCharAbsBandwidthCVND_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
# Register UCharAbsBandwidthCVND in _npstat:
_npstat.UCharAbsBandwidthCVND_swigregister(UCharAbsBandwidthCVND)
class IntAbsBandwidthCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntAbsBandwidthCVND
def cv(self, histo: "IntHistoND", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.IntAbsBandwidthCVND_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "IntHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.IntAbsBandwidthCVND_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
# Register IntAbsBandwidthCVND in _npstat:
_npstat.IntAbsBandwidthCVND_swigregister(IntAbsBandwidthCVND)
class LongAbsBandwidthCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongAbsBandwidthCVND
def cv(self, histo: "LongHistoND", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.LongAbsBandwidthCVND_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "LongHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.LongAbsBandwidthCVND_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
# Register LongAbsBandwidthCVND in _npstat:
_npstat.LongAbsBandwidthCVND_swigregister(LongAbsBandwidthCVND)
class FloatAbsBandwidthCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatAbsBandwidthCVND
def cv(self, histo: "FloatHistoND", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.FloatAbsBandwidthCVND_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "FloatHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.FloatAbsBandwidthCVND_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
# Register FloatAbsBandwidthCVND in _npstat:
_npstat.FloatAbsBandwidthCVND_swigregister(FloatAbsBandwidthCVND)
class DoubleAbsBandwidthCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleAbsBandwidthCVND
def cv(self, histo: "DoubleHistoND", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.DoubleAbsBandwidthCVND_cv(self, histo, input, filterUsed)
def cvWeighted(self, histo: "DoubleHistoND", effectiveSampleSize: "double const", input: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.DoubleAbsBandwidthCVND_cvWeighted(self, histo, effectiveSampleSize, input, filterUsed)
# Register DoubleAbsBandwidthCVND in _npstat:
_npstat.DoubleAbsBandwidthCVND_swigregister(DoubleAbsBandwidthCVND)
class KDEFilterND_10(AbsPolyFilterND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
deg_size = _npstat.KDEFilterND_10_deg_size
__swig_destroy__ = _npstat.delete_KDEFilterND_10
def dim(self) -> "unsigned int":
return _npstat.KDEFilterND_10_dim(self)
def maxDegree(self) -> "unsigned int":
return _npstat.KDEFilterND_10_maxDegree(self)
def dataShape(self) -> "npstat::ArrayShape":
return _npstat.KDEFilterND_10_dataShape(self)
def taper(self, degree: "unsigned int") -> "double":
return _npstat.KDEFilterND_10_taper(self, degree)
def mirrorsData(self) -> "bool":
return _npstat.KDEFilterND_10_mirrorsData(self)
def engineSlotId(self) -> "unsigned long":
return _npstat.KDEFilterND_10_engineSlotId(self)
def filterAtTheCenter(self) -> "double":
return _npstat.KDEFilterND_10_filterAtTheCenter(self)
def selfContribution(self, index: "unsigned int const *", indexLen: "unsigned int") -> "double":
return _npstat.KDEFilterND_10_selfContribution(self, index, indexLen)
def linearSelfContribution(self, index: "unsigned long") -> "double":
return _npstat.KDEFilterND_10_linearSelfContribution(self, index)
def selfContributionVaries(self) -> "bool":
return _npstat.KDEFilterND_10_selfContributionVaries(self)
@staticmethod
def classMaxDegree() -> "unsigned int":
return _npstat.KDEFilterND_10_classMaxDegree()
def __init__(self, itaper: "DoubleVector", inweight: "DoubleArrayND", engine: "ConvolutionEngineND", id: "unsigned long", workBuffer: "DoubleArrayND", mirrorData: "bool"=True, mirrorWeight: "bool"=True, manageSlot: "bool"=True):
_npstat.KDEFilterND_10_swiginit(self, _npstat.new_KDEFilterND_10(itaper, inweight, engine, id, workBuffer, mirrorData, mirrorWeight, manageSlot))
def isCompatible(self, *args) -> "bool":
return _npstat.KDEFilterND_10_isCompatible(self, *args)
def filter(self, *args) -> "void":
return _npstat.KDEFilterND_10_filter(self, *args)
def convolve(self, *args) -> "void":
return _npstat.KDEFilterND_10_convolve(self, *args)
# Register KDEFilterND_10 in _npstat:
_npstat.KDEFilterND_10_swigregister(KDEFilterND_10)
def KDEFilterND_10_classMaxDegree() -> "unsigned int":
return _npstat.KDEFilterND_10_classMaxDegree()
class GCVCopulaSmoother0(AbsCVCopulaSmoother):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_GCVCopulaSmoother0
# Register GCVCopulaSmoother0 in _npstat:
_npstat.GCVCopulaSmoother0_swigregister(GCVCopulaSmoother0)
class GCVCopulaSmoother1(AbsCVCopulaSmoother):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_GCVCopulaSmoother1
# Register GCVCopulaSmoother1 in _npstat:
_npstat.GCVCopulaSmoother1_swigregister(GCVCopulaSmoother1)
class GCVCopulaSmoother2(AbsCVCopulaSmoother):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_GCVCopulaSmoother2
# Register GCVCopulaSmoother2 in _npstat:
_npstat.GCVCopulaSmoother2_swigregister(GCVCopulaSmoother2)
class SequentialGroupedCopulaSmoother(GCVCopulaSmoother0):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_SequentialGroupedCopulaSmoother
def __init__(self, nBinsInEachDim: "unsigned int const *", marginTolerance: "double", maxNormCycles: "unsigned int", symbetaPower: "int", maxFilterDegree: "double", boundaryMethod: "BoundaryHandling", initialBw: "double", bwCoeffs: "double const *", cvCalc: "DoubleAbsBandwidthGCVND", becomeCvCalcOwner: "bool", cvRange: "double", nCV: "unsigned int", useConvolve: "bool"):
_npstat.SequentialGroupedCopulaSmoother_swiginit(self, _npstat.new_SequentialGroupedCopulaSmoother(nBinsInEachDim, marginTolerance, maxNormCycles, symbetaPower, maxFilterDegree, boundaryMethod, initialBw, bwCoeffs, cvCalc, becomeCvCalcOwner, cvRange, nCV, useConvolve))
# Register SequentialGroupedCopulaSmoother in _npstat:
_npstat.SequentialGroupedCopulaSmoother_swigregister(SequentialGroupedCopulaSmoother)
class Column(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Column_swiginit(self, _npstat.new_Column(*args))
__swig_destroy__ = _npstat.delete_Column
# Register Column in _npstat:
_npstat.Column_swigregister(Column)
class Int0NtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Int0NtHistoFill_swiginit(self, _npstat.new_Int0NtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Int0NtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Int0NtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Int0NtHistoFill
# Register Int0NtHistoFill in _npstat:
_npstat.Int0NtHistoFill_swigregister(Int0NtHistoFill)
def Int0NtHistoFill_callsFillC() -> "bool":
return _npstat.Int0NtHistoFill_callsFillC()
def Int0NtHistoFill_histoClassname() -> "char const *":
return _npstat.Int0NtHistoFill_histoClassname()
class Long0NtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Long0NtHistoFill_swiginit(self, _npstat.new_Long0NtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Long0NtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Long0NtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Long0NtHistoFill
# Register Long0NtHistoFill in _npstat:
_npstat.Long0NtHistoFill_swigregister(Long0NtHistoFill)
def Long0NtHistoFill_callsFillC() -> "bool":
return _npstat.Long0NtHistoFill_callsFillC()
def Long0NtHistoFill_histoClassname() -> "char const *":
return _npstat.Long0NtHistoFill_histoClassname()
class Float0NtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Float0NtHistoFill_swiginit(self, _npstat.new_Float0NtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Float0NtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Float0NtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Float0NtHistoFill
# Register Float0NtHistoFill in _npstat:
_npstat.Float0NtHistoFill_swigregister(Float0NtHistoFill)
def Float0NtHistoFill_callsFillC() -> "bool":
return _npstat.Float0NtHistoFill_callsFillC()
def Float0NtHistoFill_histoClassname() -> "char const *":
return _npstat.Float0NtHistoFill_histoClassname()
class Double0NtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Double0NtHistoFill_swiginit(self, _npstat.new_Double0NtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Double0NtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Double0NtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Double0NtHistoFill
# Register Double0NtHistoFill in _npstat:
_npstat.Double0NtHistoFill_swigregister(Double0NtHistoFill)
def Double0NtHistoFill_callsFillC() -> "bool":
return _npstat.Double0NtHistoFill_callsFillC()
def Double0NtHistoFill_histoClassname() -> "char const *":
return _npstat.Double0NtHistoFill_histoClassname()
class Int1NtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Int1NtHistoFill_swiginit(self, _npstat.new_Int1NtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Int1NtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Int1NtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Int1NtHistoFill
# Register Int1NtHistoFill in _npstat:
_npstat.Int1NtHistoFill_swigregister(Int1NtHistoFill)
def Int1NtHistoFill_callsFillC() -> "bool":
return _npstat.Int1NtHistoFill_callsFillC()
def Int1NtHistoFill_histoClassname() -> "char const *":
return _npstat.Int1NtHistoFill_histoClassname()
class Long1NtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Long1NtHistoFill_swiginit(self, _npstat.new_Long1NtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Long1NtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Long1NtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Long1NtHistoFill
# Register Long1NtHistoFill in _npstat:
_npstat.Long1NtHistoFill_swigregister(Long1NtHistoFill)
def Long1NtHistoFill_callsFillC() -> "bool":
return _npstat.Long1NtHistoFill_callsFillC()
def Long1NtHistoFill_histoClassname() -> "char const *":
return _npstat.Long1NtHistoFill_histoClassname()
class Float1NtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Float1NtHistoFill_swiginit(self, _npstat.new_Float1NtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Float1NtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Float1NtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Float1NtHistoFill
# Register Float1NtHistoFill in _npstat:
_npstat.Float1NtHistoFill_swigregister(Float1NtHistoFill)
def Float1NtHistoFill_callsFillC() -> "bool":
return _npstat.Float1NtHistoFill_callsFillC()
def Float1NtHistoFill_histoClassname() -> "char const *":
return _npstat.Float1NtHistoFill_histoClassname()
class Double1NtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Double1NtHistoFill_swiginit(self, _npstat.new_Double1NtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Double1NtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Double1NtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Double1NtHistoFill
# Register Double1NtHistoFill in _npstat:
_npstat.Double1NtHistoFill_swigregister(Double1NtHistoFill)
def Double1NtHistoFill_callsFillC() -> "bool":
return _npstat.Double1NtHistoFill_callsFillC()
def Double1NtHistoFill_histoClassname() -> "char const *":
return _npstat.Double1NtHistoFill_histoClassname()
class Int0NUNtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Int0NUNtHistoFill_swiginit(self, _npstat.new_Int0NUNtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Int0NUNtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Int0NUNtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Int0NUNtHistoFill
# Register Int0NUNtHistoFill in _npstat:
_npstat.Int0NUNtHistoFill_swigregister(Int0NUNtHistoFill)
def Int0NUNtHistoFill_callsFillC() -> "bool":
return _npstat.Int0NUNtHistoFill_callsFillC()
def Int0NUNtHistoFill_histoClassname() -> "char const *":
return _npstat.Int0NUNtHistoFill_histoClassname()
class Long0NUNtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Long0NUNtHistoFill_swiginit(self, _npstat.new_Long0NUNtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Long0NUNtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Long0NUNtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Long0NUNtHistoFill
# Register Long0NUNtHistoFill in _npstat:
_npstat.Long0NUNtHistoFill_swigregister(Long0NUNtHistoFill)
def Long0NUNtHistoFill_callsFillC() -> "bool":
return _npstat.Long0NUNtHistoFill_callsFillC()
def Long0NUNtHistoFill_histoClassname() -> "char const *":
return _npstat.Long0NUNtHistoFill_histoClassname()
class Float0NUNtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Float0NUNtHistoFill_swiginit(self, _npstat.new_Float0NUNtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Float0NUNtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Float0NUNtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Float0NUNtHistoFill
# Register Float0NUNtHistoFill in _npstat:
_npstat.Float0NUNtHistoFill_swigregister(Float0NUNtHistoFill)
def Float0NUNtHistoFill_callsFillC() -> "bool":
return _npstat.Float0NUNtHistoFill_callsFillC()
def Float0NUNtHistoFill_histoClassname() -> "char const *":
return _npstat.Float0NUNtHistoFill_histoClassname()
class Double0NUNtHistoFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Double0NUNtHistoFill_swiginit(self, _npstat.new_Double0NUNtHistoFill(*args))
@staticmethod
def callsFillC() -> "bool":
return _npstat.Double0NUNtHistoFill_callsFillC()
@staticmethod
def histoClassname() -> "char const *":
return _npstat.Double0NUNtHistoFill_histoClassname()
__swig_destroy__ = _npstat.delete_Double0NUNtHistoFill
# Register Double0NUNtHistoFill in _npstat:
_npstat.Double0NUNtHistoFill_swigregister(Double0NUNtHistoFill)
def Double0NUNtHistoFill_callsFillC() -> "bool":
return _npstat.Double0NUNtHistoFill_callsFillC()
def Double0NUNtHistoFill_histoClassname() -> "char const *":
return _npstat.Double0NUNtHistoFill_histoClassname()
class IntNtNtupleFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, destination: "IntAbsNtuple", columnMap: "ULongVector"):
_npstat.IntNtNtupleFill_swiginit(self, _npstat.new_IntNtNtupleFill(destination, columnMap))
__swig_destroy__ = _npstat.delete_IntNtNtupleFill
# Register IntNtNtupleFill in _npstat:
_npstat.IntNtNtupleFill_swigregister(IntNtNtupleFill)
class LongNtNtupleFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, destination: "LongAbsNtuple", columnMap: "ULongVector"):
_npstat.LongNtNtupleFill_swiginit(self, _npstat.new_LongNtNtupleFill(destination, columnMap))
__swig_destroy__ = _npstat.delete_LongNtNtupleFill
# Register LongNtNtupleFill in _npstat:
_npstat.LongNtNtupleFill_swigregister(LongNtNtupleFill)
class UCharNtNtupleFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, destination: "UCharAbsNtuple", columnMap: "ULongVector"):
_npstat.UCharNtNtupleFill_swiginit(self, _npstat.new_UCharNtNtupleFill(destination, columnMap))
__swig_destroy__ = _npstat.delete_UCharNtNtupleFill
# Register UCharNtNtupleFill in _npstat:
_npstat.UCharNtNtupleFill_swigregister(UCharNtNtupleFill)
class FloatNtNtupleFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, destination: "FloatAbsNtuple", columnMap: "ULongVector"):
_npstat.FloatNtNtupleFill_swiginit(self, _npstat.new_FloatNtNtupleFill(destination, columnMap))
__swig_destroy__ = _npstat.delete_FloatNtNtupleFill
# Register FloatNtNtupleFill in _npstat:
_npstat.FloatNtNtupleFill_swigregister(FloatNtNtupleFill)
class DoubleNtNtupleFill(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, destination: "DoubleAbsNtuple", columnMap: "ULongVector"):
_npstat.DoubleNtNtupleFill_swiginit(self, _npstat.new_DoubleNtNtupleFill(destination, columnMap))
__swig_destroy__ = _npstat.delete_DoubleNtNtupleFill
# Register DoubleNtNtupleFill in _npstat:
_npstat.DoubleNtNtupleFill_swigregister(DoubleNtNtupleFill)
def make_NtNtupleFill(*args) -> "npstat::NtNtupleFill< npstat::AbsNtuple< double > >":
return _npstat.make_NtNtupleFill(*args)
class UCharNtRectangularCut(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def invert(self) -> "void":
return _npstat.UCharNtRectangularCut_invert(self)
def dim(self) -> "unsigned long":
return _npstat.UCharNtRectangularCut_dim(self)
def cutColumn(self, cutNumber: "unsigned long const") -> "unsigned long":
return _npstat.UCharNtRectangularCut_cutColumn(self, cutNumber)
def cutInterval(self, cutNumber: "unsigned long", minValue: "unsigned char *", maxValue: "unsigned char *") -> "void":
return _npstat.UCharNtRectangularCut_cutInterval(self, cutNumber, minValue, maxValue)
def isInverted(self, cutNumber: "unsigned long") -> "bool":
return _npstat.UCharNtRectangularCut_isInverted(self, cutNumber)
def nUniqueColumns(self) -> "unsigned long":
return _npstat.UCharNtRectangularCut_nUniqueColumns(self)
def ntupleColumns(self) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.UCharNtRectangularCut_ntupleColumns(self)
def acceptedBox(self) -> "npstat::BoxND< unsigned char >":
return _npstat.UCharNtRectangularCut_acceptedBox(self)
def __call__(self, rowNumber: "unsigned long", row: "unsigned char const *", nCols: "unsigned long") -> "bool":
return _npstat.UCharNtRectangularCut___call__(self, rowNumber, row, nCols)
def __eq__(self, r: "UCharNtRectangularCut") -> "bool":
return _npstat.UCharNtRectangularCut___eq__(self, r)
def __ne__(self, r: "UCharNtRectangularCut") -> "bool":
return _npstat.UCharNtRectangularCut___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.UCharNtRectangularCut_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.UCharNtRectangularCut_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.UCharNtRectangularCut_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UCharNtRectangularCut_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", cut: "UCharNtRectangularCut") -> "void":
return _npstat.UCharNtRectangularCut_restore(id, _in, cut)
def addCut(self, *args) -> "void":
return _npstat.UCharNtRectangularCut_addCut(self, *args)
def __init__(self, *args):
_npstat.UCharNtRectangularCut_swiginit(self, _npstat.new_UCharNtRectangularCut(*args))
__swig_destroy__ = _npstat.delete_UCharNtRectangularCut
# Register UCharNtRectangularCut in _npstat:
_npstat.UCharNtRectangularCut_swigregister(UCharNtRectangularCut)
def UCharNtRectangularCut_classname() -> "char const *":
return _npstat.UCharNtRectangularCut_classname()
def UCharNtRectangularCut_version() -> "unsigned int":
return _npstat.UCharNtRectangularCut_version()
def UCharNtRectangularCut_restore(id: "ClassId", _in: "istream", cut: "UCharNtRectangularCut") -> "void":
return _npstat.UCharNtRectangularCut_restore(id, _in, cut)
class IntNtRectangularCut(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def invert(self) -> "void":
return _npstat.IntNtRectangularCut_invert(self)
def dim(self) -> "unsigned long":
return _npstat.IntNtRectangularCut_dim(self)
def cutColumn(self, cutNumber: "unsigned long const") -> "unsigned long":
return _npstat.IntNtRectangularCut_cutColumn(self, cutNumber)
def cutInterval(self, cutNumber: "unsigned long", minValue: "int *", maxValue: "int *") -> "void":
return _npstat.IntNtRectangularCut_cutInterval(self, cutNumber, minValue, maxValue)
def isInverted(self, cutNumber: "unsigned long") -> "bool":
return _npstat.IntNtRectangularCut_isInverted(self, cutNumber)
def nUniqueColumns(self) -> "unsigned long":
return _npstat.IntNtRectangularCut_nUniqueColumns(self)
def ntupleColumns(self) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.IntNtRectangularCut_ntupleColumns(self)
def acceptedBox(self) -> "npstat::BoxND< int >":
return _npstat.IntNtRectangularCut_acceptedBox(self)
def __call__(self, rowNumber: "unsigned long", row: "int const *", nCols: "unsigned long") -> "bool":
return _npstat.IntNtRectangularCut___call__(self, rowNumber, row, nCols)
def __eq__(self, r: "IntNtRectangularCut") -> "bool":
return _npstat.IntNtRectangularCut___eq__(self, r)
def __ne__(self, r: "IntNtRectangularCut") -> "bool":
return _npstat.IntNtRectangularCut___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.IntNtRectangularCut_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.IntNtRectangularCut_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.IntNtRectangularCut_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IntNtRectangularCut_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", cut: "IntNtRectangularCut") -> "void":
return _npstat.IntNtRectangularCut_restore(id, _in, cut)
def addCut(self, *args) -> "void":
return _npstat.IntNtRectangularCut_addCut(self, *args)
def __init__(self, *args):
_npstat.IntNtRectangularCut_swiginit(self, _npstat.new_IntNtRectangularCut(*args))
__swig_destroy__ = _npstat.delete_IntNtRectangularCut
# Register IntNtRectangularCut in _npstat:
_npstat.IntNtRectangularCut_swigregister(IntNtRectangularCut)
def IntNtRectangularCut_classname() -> "char const *":
return _npstat.IntNtRectangularCut_classname()
def IntNtRectangularCut_version() -> "unsigned int":
return _npstat.IntNtRectangularCut_version()
def IntNtRectangularCut_restore(id: "ClassId", _in: "istream", cut: "IntNtRectangularCut") -> "void":
return _npstat.IntNtRectangularCut_restore(id, _in, cut)
class LongNtRectangularCut(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def invert(self) -> "void":
return _npstat.LongNtRectangularCut_invert(self)
def dim(self) -> "unsigned long":
return _npstat.LongNtRectangularCut_dim(self)
def cutColumn(self, cutNumber: "unsigned long const") -> "unsigned long":
return _npstat.LongNtRectangularCut_cutColumn(self, cutNumber)
def cutInterval(self, cutNumber: "unsigned long", minValue: "long *", maxValue: "long *") -> "void":
return _npstat.LongNtRectangularCut_cutInterval(self, cutNumber, minValue, maxValue)
def isInverted(self, cutNumber: "unsigned long") -> "bool":
return _npstat.LongNtRectangularCut_isInverted(self, cutNumber)
def nUniqueColumns(self) -> "unsigned long":
return _npstat.LongNtRectangularCut_nUniqueColumns(self)
def ntupleColumns(self) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.LongNtRectangularCut_ntupleColumns(self)
def acceptedBox(self) -> "npstat::BoxND< long >":
return _npstat.LongNtRectangularCut_acceptedBox(self)
def __call__(self, rowNumber: "unsigned long", row: "long const *", nCols: "unsigned long") -> "bool":
return _npstat.LongNtRectangularCut___call__(self, rowNumber, row, nCols)
def __eq__(self, r: "LongNtRectangularCut") -> "bool":
return _npstat.LongNtRectangularCut___eq__(self, r)
def __ne__(self, r: "LongNtRectangularCut") -> "bool":
return _npstat.LongNtRectangularCut___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.LongNtRectangularCut_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.LongNtRectangularCut_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.LongNtRectangularCut_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LongNtRectangularCut_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", cut: "LongNtRectangularCut") -> "void":
return _npstat.LongNtRectangularCut_restore(id, _in, cut)
def addCut(self, *args) -> "void":
return _npstat.LongNtRectangularCut_addCut(self, *args)
def __init__(self, *args):
_npstat.LongNtRectangularCut_swiginit(self, _npstat.new_LongNtRectangularCut(*args))
__swig_destroy__ = _npstat.delete_LongNtRectangularCut
# Register LongNtRectangularCut in _npstat:
_npstat.LongNtRectangularCut_swigregister(LongNtRectangularCut)
def LongNtRectangularCut_classname() -> "char const *":
return _npstat.LongNtRectangularCut_classname()
def LongNtRectangularCut_version() -> "unsigned int":
return _npstat.LongNtRectangularCut_version()
def LongNtRectangularCut_restore(id: "ClassId", _in: "istream", cut: "LongNtRectangularCut") -> "void":
return _npstat.LongNtRectangularCut_restore(id, _in, cut)
class FloatNtRectangularCut(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def invert(self) -> "void":
return _npstat.FloatNtRectangularCut_invert(self)
def dim(self) -> "unsigned long":
return _npstat.FloatNtRectangularCut_dim(self)
def cutColumn(self, cutNumber: "unsigned long const") -> "unsigned long":
return _npstat.FloatNtRectangularCut_cutColumn(self, cutNumber)
def cutInterval(self, cutNumber: "unsigned long", minValue: "float *", maxValue: "float *") -> "void":
return _npstat.FloatNtRectangularCut_cutInterval(self, cutNumber, minValue, maxValue)
def isInverted(self, cutNumber: "unsigned long") -> "bool":
return _npstat.FloatNtRectangularCut_isInverted(self, cutNumber)
def nUniqueColumns(self) -> "unsigned long":
return _npstat.FloatNtRectangularCut_nUniqueColumns(self)
def ntupleColumns(self) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.FloatNtRectangularCut_ntupleColumns(self)
def acceptedBox(self) -> "npstat::BoxND< float >":
return _npstat.FloatNtRectangularCut_acceptedBox(self)
def __call__(self, rowNumber: "unsigned long", row: "float const *", nCols: "unsigned long") -> "bool":
return _npstat.FloatNtRectangularCut___call__(self, rowNumber, row, nCols)
def __eq__(self, r: "FloatNtRectangularCut") -> "bool":
return _npstat.FloatNtRectangularCut___eq__(self, r)
def __ne__(self, r: "FloatNtRectangularCut") -> "bool":
return _npstat.FloatNtRectangularCut___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.FloatNtRectangularCut_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatNtRectangularCut_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatNtRectangularCut_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatNtRectangularCut_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", cut: "FloatNtRectangularCut") -> "void":
return _npstat.FloatNtRectangularCut_restore(id, _in, cut)
def addCut(self, *args) -> "void":
return _npstat.FloatNtRectangularCut_addCut(self, *args)
def __init__(self, *args):
_npstat.FloatNtRectangularCut_swiginit(self, _npstat.new_FloatNtRectangularCut(*args))
__swig_destroy__ = _npstat.delete_FloatNtRectangularCut
# Register FloatNtRectangularCut in _npstat:
_npstat.FloatNtRectangularCut_swigregister(FloatNtRectangularCut)
def FloatNtRectangularCut_classname() -> "char const *":
return _npstat.FloatNtRectangularCut_classname()
def FloatNtRectangularCut_version() -> "unsigned int":
return _npstat.FloatNtRectangularCut_version()
def FloatNtRectangularCut_restore(id: "ClassId", _in: "istream", cut: "FloatNtRectangularCut") -> "void":
return _npstat.FloatNtRectangularCut_restore(id, _in, cut)
class DoubleNtRectangularCut(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def invert(self) -> "void":
return _npstat.DoubleNtRectangularCut_invert(self)
def dim(self) -> "unsigned long":
return _npstat.DoubleNtRectangularCut_dim(self)
def cutColumn(self, cutNumber: "unsigned long const") -> "unsigned long":
return _npstat.DoubleNtRectangularCut_cutColumn(self, cutNumber)
def cutInterval(self, cutNumber: "unsigned long", minValue: "double *", maxValue: "double *") -> "void":
return _npstat.DoubleNtRectangularCut_cutInterval(self, cutNumber, minValue, maxValue)
def isInverted(self, cutNumber: "unsigned long") -> "bool":
return _npstat.DoubleNtRectangularCut_isInverted(self, cutNumber)
def nUniqueColumns(self) -> "unsigned long":
return _npstat.DoubleNtRectangularCut_nUniqueColumns(self)
def ntupleColumns(self) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.DoubleNtRectangularCut_ntupleColumns(self)
def acceptedBox(self) -> "npstat::BoxND< double >":
return _npstat.DoubleNtRectangularCut_acceptedBox(self)
def __call__(self, rowNumber: "unsigned long", row: "double const *", nCols: "unsigned long") -> "bool":
return _npstat.DoubleNtRectangularCut___call__(self, rowNumber, row, nCols)
def __eq__(self, r: "DoubleNtRectangularCut") -> "bool":
return _npstat.DoubleNtRectangularCut___eq__(self, r)
def __ne__(self, r: "DoubleNtRectangularCut") -> "bool":
return _npstat.DoubleNtRectangularCut___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleNtRectangularCut_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleNtRectangularCut_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleNtRectangularCut_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleNtRectangularCut_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", cut: "DoubleNtRectangularCut") -> "void":
return _npstat.DoubleNtRectangularCut_restore(id, _in, cut)
def addCut(self, *args) -> "void":
return _npstat.DoubleNtRectangularCut_addCut(self, *args)
def __init__(self, *args):
_npstat.DoubleNtRectangularCut_swiginit(self, _npstat.new_DoubleNtRectangularCut(*args))
__swig_destroy__ = _npstat.delete_DoubleNtRectangularCut
# Register DoubleNtRectangularCut in _npstat:
_npstat.DoubleNtRectangularCut_swigregister(DoubleNtRectangularCut)
def DoubleNtRectangularCut_classname() -> "char const *":
return _npstat.DoubleNtRectangularCut_classname()
def DoubleNtRectangularCut_version() -> "unsigned int":
return _npstat.DoubleNtRectangularCut_version()
def DoubleNtRectangularCut_restore(id: "ClassId", _in: "istream", cut: "DoubleNtRectangularCut") -> "void":
return _npstat.DoubleNtRectangularCut_restore(id, _in, cut)
def ntupleColumns(*args) -> "std::vector< std::string,std::allocator< std::string > >":
return _npstat.ntupleColumns(*args)
def simpleColumnNames(ncols: "unsigned int") -> "std::vector< std::string,std::allocator< std::string > >":
return _npstat.simpleColumnNames(ncols)
class UCharAbsNtuple(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharAbsNtuple
def title(self) -> "std::string const &":
return _npstat.UCharAbsNtuple_title(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.UCharAbsNtuple_setTitle(self, newtitle)
def nColumns(self) -> "unsigned long":
return _npstat.UCharAbsNtuple_nColumns(self)
def columnName(self, i: "unsigned long const") -> "std::string const &":
return _npstat.UCharAbsNtuple_columnName(self, i)
def columnNames(self) -> "std::vector< std::string,std::allocator< std::string > > const &":
return _npstat.UCharAbsNtuple_columnNames(self)
def setColumnName(self, i: "unsigned long", newname: "char const *") -> "bool":
return _npstat.UCharAbsNtuple_setColumnName(self, i, newname)
def columnNumber(self, columnName: "char const *") -> "unsigned long":
return _npstat.UCharAbsNtuple_columnNumber(self, columnName)
def validColumn(self, columnName: "char const *") -> "unsigned long":
return _npstat.UCharAbsNtuple_validColumn(self, columnName)
def nRows(self) -> "unsigned long":
return _npstat.UCharAbsNtuple_nRows(self)
def length(self) -> "unsigned long":
return _npstat.UCharAbsNtuple_length(self)
def fill(self, *args) -> "void":
return _npstat.UCharAbsNtuple_fill(self, *args)
def __call__(self, r: "unsigned long", c: "unsigned long") -> "unsigned char":
return _npstat.UCharAbsNtuple___call__(self, r, c)
def at(self, r: "unsigned long", c: "unsigned long") -> "unsigned char":
return _npstat.UCharAbsNtuple_at(self, r, c)
def element(self, r: "unsigned long", c: "Column") -> "unsigned char":
return _npstat.UCharAbsNtuple_element(self, r, c)
def elementAt(self, r: "unsigned long", c: "Column") -> "unsigned char":
return _npstat.UCharAbsNtuple_elementAt(self, r, c)
def rowContents(self, row: "unsigned long", buf: "unsigned char *", lenBuf: "unsigned long") -> "void":
return _npstat.UCharAbsNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "unsigned char *", lenBuf: "unsigned long") -> "void":
return _npstat.UCharAbsNtuple_columnContents(self, c, buf, lenBuf)
def clear(self) -> "void":
return _npstat.UCharAbsNtuple_clear(self)
def row_begin(self, rowNumber: "unsigned long") -> "npstat::AbsNtuple< unsigned char >::row_iterator":
return _npstat.UCharAbsNtuple_row_begin(self, rowNumber)
def row_end(self) -> "npstat::AbsNtuple< unsigned char >::row_iterator":
return _npstat.UCharAbsNtuple_row_end(self)
def column_begin(self, column: "Column") -> "npstat::AbsNtuple< unsigned char >::column_iterator":
return _npstat.UCharAbsNtuple_column_begin(self, column)
def column_end(self) -> "npstat::AbsNtuple< unsigned char >::column_iterator":
return _npstat.UCharAbsNtuple_column_end(self)
def columnIndices(self, *args) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.UCharAbsNtuple_columnIndices(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.UCharAbsNtuple_classId(self)
def __eq__(self, r: "UCharAbsNtuple") -> "bool":
return _npstat.UCharAbsNtuple___eq__(self, r)
def __ne__(self, r: "UCharAbsNtuple") -> "bool":
return _npstat.UCharAbsNtuple___ne__(self, r)
def append(self, other: "UCharAbsNtuple") -> "void":
return _npstat.UCharAbsNtuple_append(self, other)
def columnArray(self, *args) -> "PyObject *":
return _npstat.UCharAbsNtuple_columnArray(self, *args)
def rowArray(self, row: "unsigned long") -> "PyObject *":
return _npstat.UCharAbsNtuple_rowArray(self, row)
def cycleOverRows(self, *args) -> "void":
return _npstat.UCharAbsNtuple_cycleOverRows(self, *args)
def cutCycleOverRows(self, *args) -> "unsigned long":
return _npstat.UCharAbsNtuple_cutCycleOverRows(self, *args)
# Register UCharAbsNtuple in _npstat:
_npstat.UCharAbsNtuple_swigregister(UCharAbsNtuple)
class IntAbsNtuple(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntAbsNtuple
def title(self) -> "std::string const &":
return _npstat.IntAbsNtuple_title(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.IntAbsNtuple_setTitle(self, newtitle)
def nColumns(self) -> "unsigned long":
return _npstat.IntAbsNtuple_nColumns(self)
def columnName(self, i: "unsigned long const") -> "std::string const &":
return _npstat.IntAbsNtuple_columnName(self, i)
def columnNames(self) -> "std::vector< std::string,std::allocator< std::string > > const &":
return _npstat.IntAbsNtuple_columnNames(self)
def setColumnName(self, i: "unsigned long", newname: "char const *") -> "bool":
return _npstat.IntAbsNtuple_setColumnName(self, i, newname)
def columnNumber(self, columnName: "char const *") -> "unsigned long":
return _npstat.IntAbsNtuple_columnNumber(self, columnName)
def validColumn(self, columnName: "char const *") -> "unsigned long":
return _npstat.IntAbsNtuple_validColumn(self, columnName)
def nRows(self) -> "unsigned long":
return _npstat.IntAbsNtuple_nRows(self)
def length(self) -> "unsigned long":
return _npstat.IntAbsNtuple_length(self)
def fill(self, *args) -> "void":
return _npstat.IntAbsNtuple_fill(self, *args)
def __call__(self, r: "unsigned long", c: "unsigned long") -> "int":
return _npstat.IntAbsNtuple___call__(self, r, c)
def at(self, r: "unsigned long", c: "unsigned long") -> "int":
return _npstat.IntAbsNtuple_at(self, r, c)
def element(self, r: "unsigned long", c: "Column") -> "int":
return _npstat.IntAbsNtuple_element(self, r, c)
def elementAt(self, r: "unsigned long", c: "Column") -> "int":
return _npstat.IntAbsNtuple_elementAt(self, r, c)
def rowContents(self, row: "unsigned long", buf: "int *", lenBuf: "unsigned long") -> "void":
return _npstat.IntAbsNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "int *", lenBuf: "unsigned long") -> "void":
return _npstat.IntAbsNtuple_columnContents(self, c, buf, lenBuf)
def clear(self) -> "void":
return _npstat.IntAbsNtuple_clear(self)
def row_begin(self, rowNumber: "unsigned long") -> "npstat::AbsNtuple< int >::row_iterator":
return _npstat.IntAbsNtuple_row_begin(self, rowNumber)
def row_end(self) -> "npstat::AbsNtuple< int >::row_iterator":
return _npstat.IntAbsNtuple_row_end(self)
def column_begin(self, column: "Column") -> "npstat::AbsNtuple< int >::column_iterator":
return _npstat.IntAbsNtuple_column_begin(self, column)
def column_end(self) -> "npstat::AbsNtuple< int >::column_iterator":
return _npstat.IntAbsNtuple_column_end(self)
def columnIndices(self, *args) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.IntAbsNtuple_columnIndices(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.IntAbsNtuple_classId(self)
def __eq__(self, r: "IntAbsNtuple") -> "bool":
return _npstat.IntAbsNtuple___eq__(self, r)
def __ne__(self, r: "IntAbsNtuple") -> "bool":
return _npstat.IntAbsNtuple___ne__(self, r)
def append(self, other: "IntAbsNtuple") -> "void":
return _npstat.IntAbsNtuple_append(self, other)
def columnArray(self, *args) -> "PyObject *":
return _npstat.IntAbsNtuple_columnArray(self, *args)
def rowArray(self, row: "unsigned long") -> "PyObject *":
return _npstat.IntAbsNtuple_rowArray(self, row)
def cycleOverRows(self, *args) -> "void":
return _npstat.IntAbsNtuple_cycleOverRows(self, *args)
def cutCycleOverRows(self, *args) -> "unsigned long":
return _npstat.IntAbsNtuple_cutCycleOverRows(self, *args)
# Register IntAbsNtuple in _npstat:
_npstat.IntAbsNtuple_swigregister(IntAbsNtuple)
class LongAbsNtuple(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongAbsNtuple
def title(self) -> "std::string const &":
return _npstat.LongAbsNtuple_title(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.LongAbsNtuple_setTitle(self, newtitle)
def nColumns(self) -> "unsigned long":
return _npstat.LongAbsNtuple_nColumns(self)
def columnName(self, i: "unsigned long const") -> "std::string const &":
return _npstat.LongAbsNtuple_columnName(self, i)
def columnNames(self) -> "std::vector< std::string,std::allocator< std::string > > const &":
return _npstat.LongAbsNtuple_columnNames(self)
def setColumnName(self, i: "unsigned long", newname: "char const *") -> "bool":
return _npstat.LongAbsNtuple_setColumnName(self, i, newname)
def columnNumber(self, columnName: "char const *") -> "unsigned long":
return _npstat.LongAbsNtuple_columnNumber(self, columnName)
def validColumn(self, columnName: "char const *") -> "unsigned long":
return _npstat.LongAbsNtuple_validColumn(self, columnName)
def nRows(self) -> "unsigned long":
return _npstat.LongAbsNtuple_nRows(self)
def length(self) -> "unsigned long":
return _npstat.LongAbsNtuple_length(self)
def fill(self, *args) -> "void":
return _npstat.LongAbsNtuple_fill(self, *args)
def __call__(self, r: "unsigned long", c: "unsigned long") -> "long":
return _npstat.LongAbsNtuple___call__(self, r, c)
def at(self, r: "unsigned long", c: "unsigned long") -> "long":
return _npstat.LongAbsNtuple_at(self, r, c)
def element(self, r: "unsigned long", c: "Column") -> "long":
return _npstat.LongAbsNtuple_element(self, r, c)
def elementAt(self, r: "unsigned long", c: "Column") -> "long":
return _npstat.LongAbsNtuple_elementAt(self, r, c)
def rowContents(self, row: "unsigned long", buf: "long *", lenBuf: "unsigned long") -> "void":
return _npstat.LongAbsNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "long *", lenBuf: "unsigned long") -> "void":
return _npstat.LongAbsNtuple_columnContents(self, c, buf, lenBuf)
def clear(self) -> "void":
return _npstat.LongAbsNtuple_clear(self)
def row_begin(self, rowNumber: "unsigned long") -> "npstat::AbsNtuple< long >::row_iterator":
return _npstat.LongAbsNtuple_row_begin(self, rowNumber)
def row_end(self) -> "npstat::AbsNtuple< long >::row_iterator":
return _npstat.LongAbsNtuple_row_end(self)
def column_begin(self, column: "Column") -> "npstat::AbsNtuple< long >::column_iterator":
return _npstat.LongAbsNtuple_column_begin(self, column)
def column_end(self) -> "npstat::AbsNtuple< long >::column_iterator":
return _npstat.LongAbsNtuple_column_end(self)
def columnIndices(self, *args) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.LongAbsNtuple_columnIndices(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.LongAbsNtuple_classId(self)
def __eq__(self, r: "LongAbsNtuple") -> "bool":
return _npstat.LongAbsNtuple___eq__(self, r)
def __ne__(self, r: "LongAbsNtuple") -> "bool":
return _npstat.LongAbsNtuple___ne__(self, r)
def append(self, other: "LongAbsNtuple") -> "void":
return _npstat.LongAbsNtuple_append(self, other)
def columnArray(self, *args) -> "PyObject *":
return _npstat.LongAbsNtuple_columnArray(self, *args)
def rowArray(self, row: "unsigned long") -> "PyObject *":
return _npstat.LongAbsNtuple_rowArray(self, row)
def cycleOverRows(self, *args) -> "void":
return _npstat.LongAbsNtuple_cycleOverRows(self, *args)
def cutCycleOverRows(self, *args) -> "unsigned long":
return _npstat.LongAbsNtuple_cutCycleOverRows(self, *args)
# Register LongAbsNtuple in _npstat:
_npstat.LongAbsNtuple_swigregister(LongAbsNtuple)
class FloatAbsNtuple(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatAbsNtuple
def title(self) -> "std::string const &":
return _npstat.FloatAbsNtuple_title(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.FloatAbsNtuple_setTitle(self, newtitle)
def nColumns(self) -> "unsigned long":
return _npstat.FloatAbsNtuple_nColumns(self)
def columnName(self, i: "unsigned long const") -> "std::string const &":
return _npstat.FloatAbsNtuple_columnName(self, i)
def columnNames(self) -> "std::vector< std::string,std::allocator< std::string > > const &":
return _npstat.FloatAbsNtuple_columnNames(self)
def setColumnName(self, i: "unsigned long", newname: "char const *") -> "bool":
return _npstat.FloatAbsNtuple_setColumnName(self, i, newname)
def columnNumber(self, columnName: "char const *") -> "unsigned long":
return _npstat.FloatAbsNtuple_columnNumber(self, columnName)
def validColumn(self, columnName: "char const *") -> "unsigned long":
return _npstat.FloatAbsNtuple_validColumn(self, columnName)
def nRows(self) -> "unsigned long":
return _npstat.FloatAbsNtuple_nRows(self)
def length(self) -> "unsigned long":
return _npstat.FloatAbsNtuple_length(self)
def fill(self, *args) -> "void":
return _npstat.FloatAbsNtuple_fill(self, *args)
def __call__(self, r: "unsigned long", c: "unsigned long") -> "float":
return _npstat.FloatAbsNtuple___call__(self, r, c)
def at(self, r: "unsigned long", c: "unsigned long") -> "float":
return _npstat.FloatAbsNtuple_at(self, r, c)
def element(self, r: "unsigned long", c: "Column") -> "float":
return _npstat.FloatAbsNtuple_element(self, r, c)
def elementAt(self, r: "unsigned long", c: "Column") -> "float":
return _npstat.FloatAbsNtuple_elementAt(self, r, c)
def rowContents(self, row: "unsigned long", buf: "float *", lenBuf: "unsigned long") -> "void":
return _npstat.FloatAbsNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "float *", lenBuf: "unsigned long") -> "void":
return _npstat.FloatAbsNtuple_columnContents(self, c, buf, lenBuf)
def clear(self) -> "void":
return _npstat.FloatAbsNtuple_clear(self)
def row_begin(self, rowNumber: "unsigned long") -> "npstat::AbsNtuple< float >::row_iterator":
return _npstat.FloatAbsNtuple_row_begin(self, rowNumber)
def row_end(self) -> "npstat::AbsNtuple< float >::row_iterator":
return _npstat.FloatAbsNtuple_row_end(self)
def column_begin(self, column: "Column") -> "npstat::AbsNtuple< float >::column_iterator":
return _npstat.FloatAbsNtuple_column_begin(self, column)
def column_end(self) -> "npstat::AbsNtuple< float >::column_iterator":
return _npstat.FloatAbsNtuple_column_end(self)
def columnIndices(self, *args) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.FloatAbsNtuple_columnIndices(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.FloatAbsNtuple_classId(self)
def __eq__(self, r: "FloatAbsNtuple") -> "bool":
return _npstat.FloatAbsNtuple___eq__(self, r)
def __ne__(self, r: "FloatAbsNtuple") -> "bool":
return _npstat.FloatAbsNtuple___ne__(self, r)
def append(self, other: "FloatAbsNtuple") -> "void":
return _npstat.FloatAbsNtuple_append(self, other)
def columnArray(self, *args) -> "PyObject *":
return _npstat.FloatAbsNtuple_columnArray(self, *args)
def rowArray(self, row: "unsigned long") -> "PyObject *":
return _npstat.FloatAbsNtuple_rowArray(self, row)
def cycleOverRows(self, *args) -> "void":
return _npstat.FloatAbsNtuple_cycleOverRows(self, *args)
def cutCycleOverRows(self, *args) -> "unsigned long":
return _npstat.FloatAbsNtuple_cutCycleOverRows(self, *args)
# Register FloatAbsNtuple in _npstat:
_npstat.FloatAbsNtuple_swigregister(FloatAbsNtuple)
class DoubleAbsNtuple(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleAbsNtuple
def title(self) -> "std::string const &":
return _npstat.DoubleAbsNtuple_title(self)
def setTitle(self, newtitle: "char const *") -> "void":
return _npstat.DoubleAbsNtuple_setTitle(self, newtitle)
def nColumns(self) -> "unsigned long":
return _npstat.DoubleAbsNtuple_nColumns(self)
def columnName(self, i: "unsigned long const") -> "std::string const &":
return _npstat.DoubleAbsNtuple_columnName(self, i)
def columnNames(self) -> "std::vector< std::string,std::allocator< std::string > > const &":
return _npstat.DoubleAbsNtuple_columnNames(self)
def setColumnName(self, i: "unsigned long", newname: "char const *") -> "bool":
return _npstat.DoubleAbsNtuple_setColumnName(self, i, newname)
def columnNumber(self, columnName: "char const *") -> "unsigned long":
return _npstat.DoubleAbsNtuple_columnNumber(self, columnName)
def validColumn(self, columnName: "char const *") -> "unsigned long":
return _npstat.DoubleAbsNtuple_validColumn(self, columnName)
def nRows(self) -> "unsigned long":
return _npstat.DoubleAbsNtuple_nRows(self)
def length(self) -> "unsigned long":
return _npstat.DoubleAbsNtuple_length(self)
def fill(self, *args) -> "void":
return _npstat.DoubleAbsNtuple_fill(self, *args)
def __call__(self, r: "unsigned long", c: "unsigned long") -> "double":
return _npstat.DoubleAbsNtuple___call__(self, r, c)
def at(self, r: "unsigned long", c: "unsigned long") -> "double":
return _npstat.DoubleAbsNtuple_at(self, r, c)
def element(self, r: "unsigned long", c: "Column") -> "double":
return _npstat.DoubleAbsNtuple_element(self, r, c)
def elementAt(self, r: "unsigned long", c: "Column") -> "double":
return _npstat.DoubleAbsNtuple_elementAt(self, r, c)
def rowContents(self, row: "unsigned long", buf: "double *", lenBuf: "unsigned long") -> "void":
return _npstat.DoubleAbsNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "double *", lenBuf: "unsigned long") -> "void":
return _npstat.DoubleAbsNtuple_columnContents(self, c, buf, lenBuf)
def clear(self) -> "void":
return _npstat.DoubleAbsNtuple_clear(self)
def row_begin(self, rowNumber: "unsigned long") -> "npstat::AbsNtuple< double >::row_iterator":
return _npstat.DoubleAbsNtuple_row_begin(self, rowNumber)
def row_end(self) -> "npstat::AbsNtuple< double >::row_iterator":
return _npstat.DoubleAbsNtuple_row_end(self)
def column_begin(self, column: "Column") -> "npstat::AbsNtuple< double >::column_iterator":
return _npstat.DoubleAbsNtuple_column_begin(self, column)
def column_end(self) -> "npstat::AbsNtuple< double >::column_iterator":
return _npstat.DoubleAbsNtuple_column_end(self)
def columnIndices(self, *args) -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.DoubleAbsNtuple_columnIndices(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleAbsNtuple_classId(self)
def __eq__(self, r: "DoubleAbsNtuple") -> "bool":
return _npstat.DoubleAbsNtuple___eq__(self, r)
def __ne__(self, r: "DoubleAbsNtuple") -> "bool":
return _npstat.DoubleAbsNtuple___ne__(self, r)
def append(self, other: "DoubleAbsNtuple") -> "void":
return _npstat.DoubleAbsNtuple_append(self, other)
def columnArray(self, *args) -> "PyObject *":
return _npstat.DoubleAbsNtuple_columnArray(self, *args)
def rowArray(self, row: "unsigned long") -> "PyObject *":
return _npstat.DoubleAbsNtuple_rowArray(self, row)
def cycleOverRows(self, *args) -> "void":
return _npstat.DoubleAbsNtuple_cycleOverRows(self, *args)
def cutCycleOverRows(self, *args) -> "unsigned long":
return _npstat.DoubleAbsNtuple_cutCycleOverRows(self, *args)
# Register DoubleAbsNtuple in _npstat:
_npstat.DoubleAbsNtuple_swigregister(DoubleAbsNtuple)
def dumpNtupleAsText(*args) -> "bool":
return _npstat.dumpNtupleAsText(*args)
def fillNtupleFromText(*args) -> "bool":
return _npstat.fillNtupleFromText(*args)
class UCharArchivedNtuple(UCharAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, columnNames: "StringVector", title: "char const *", archive: "AbsArchive", name: "char const *", category: "char const *", rowsPerBuffer: "unsigned long", writeColumnWise: "bool"=False):
_npstat.UCharArchivedNtuple_swiginit(self, _npstat.new_UCharArchivedNtuple(columnNames, title, archive, name, category, rowsPerBuffer, writeColumnWise))
__swig_destroy__ = _npstat.delete_UCharArchivedNtuple
def __del__(self):
myClassIdTmp = self.classId().name()
myNumberTmp = self.objectNumber()
statusTmp = True
if self.isWritable():
statusTmp = self.write()
import npstat_utils
npstat_utils._unregisterArchivedNtuple(myClassIdTmp, myNumberTmp)
if not statusTmp:
raise IOError("failed to write %s object to the archive" % myClassIdTmp)
pass
def archive(self) -> "gs::AbsArchive &":
return _npstat.UCharArchivedNtuple_archive(self)
def name(self) -> "std::string const &":
return _npstat.UCharArchivedNtuple_name(self)
def category(self) -> "std::string const &":
return _npstat.UCharArchivedNtuple_category(self)
def rowsPerBuffer(self) -> "unsigned long":
return _npstat.UCharArchivedNtuple_rowsPerBuffer(self)
def writesByColumn(self) -> "bool":
return _npstat.UCharArchivedNtuple_writesByColumn(self)
def isReadable(self) -> "bool":
return _npstat.UCharArchivedNtuple_isReadable(self)
def isWritable(self) -> "bool":
return _npstat.UCharArchivedNtuple_isWritable(self)
def objectNumber(self) -> "unsigned long":
return _npstat.UCharArchivedNtuple_objectNumber(self)
def fill(self, *args) -> "void":
return _npstat.UCharArchivedNtuple_fill(self, *args)
def nRows(self) -> "unsigned long":
return _npstat.UCharArchivedNtuple_nRows(self)
def __call__(self, row: "unsigned long const", column: "unsigned long const") -> "unsigned char":
return _npstat.UCharArchivedNtuple___call__(self, row, column)
def at(self, row: "unsigned long const", column: "unsigned long const") -> "unsigned char":
return _npstat.UCharArchivedNtuple_at(self, row, column)
def rowContents(self, row: "unsigned long const", buffer: "unsigned char *", lenBuffer: "unsigned long") -> "void":
return _npstat.UCharArchivedNtuple_rowContents(self, row, buffer, lenBuffer)
def columnContents(self, c: "Column", buffer: "unsigned char *", lenBuffer: "unsigned long") -> "void":
return _npstat.UCharArchivedNtuple_columnContents(self, c, buffer, lenBuffer)
def clear(self) -> "void":
return _npstat.UCharArchivedNtuple_clear(self)
def write(self) -> "bool":
return _npstat.UCharArchivedNtuple_write(self)
def classId(self) -> "gs::ClassId":
return _npstat.UCharArchivedNtuple_classId(self)
@staticmethod
def classname() -> "char const *":
return _npstat.UCharArchivedNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UCharArchivedNtuple_version()
# Register UCharArchivedNtuple in _npstat:
_npstat.UCharArchivedNtuple_swigregister(UCharArchivedNtuple)
def UCharArchivedNtuple_classname() -> "char const *":
return _npstat.UCharArchivedNtuple_classname()
def UCharArchivedNtuple_version() -> "unsigned int":
return _npstat.UCharArchivedNtuple_version()
class IntArchivedNtuple(IntAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, columnNames: "StringVector", title: "char const *", archive: "AbsArchive", name: "char const *", category: "char const *", rowsPerBuffer: "unsigned long", writeColumnWise: "bool"=False):
_npstat.IntArchivedNtuple_swiginit(self, _npstat.new_IntArchivedNtuple(columnNames, title, archive, name, category, rowsPerBuffer, writeColumnWise))
__swig_destroy__ = _npstat.delete_IntArchivedNtuple
def __del__(self):
myClassIdTmp = self.classId().name()
myNumberTmp = self.objectNumber()
statusTmp = True
if self.isWritable():
statusTmp = self.write()
import npstat_utils
npstat_utils._unregisterArchivedNtuple(myClassIdTmp, myNumberTmp)
if not statusTmp:
raise IOError("failed to write %s object to the archive" % myClassIdTmp)
pass
def archive(self) -> "gs::AbsArchive &":
return _npstat.IntArchivedNtuple_archive(self)
def name(self) -> "std::string const &":
return _npstat.IntArchivedNtuple_name(self)
def category(self) -> "std::string const &":
return _npstat.IntArchivedNtuple_category(self)
def rowsPerBuffer(self) -> "unsigned long":
return _npstat.IntArchivedNtuple_rowsPerBuffer(self)
def writesByColumn(self) -> "bool":
return _npstat.IntArchivedNtuple_writesByColumn(self)
def isReadable(self) -> "bool":
return _npstat.IntArchivedNtuple_isReadable(self)
def isWritable(self) -> "bool":
return _npstat.IntArchivedNtuple_isWritable(self)
def objectNumber(self) -> "unsigned long":
return _npstat.IntArchivedNtuple_objectNumber(self)
def fill(self, *args) -> "void":
return _npstat.IntArchivedNtuple_fill(self, *args)
def nRows(self) -> "unsigned long":
return _npstat.IntArchivedNtuple_nRows(self)
def __call__(self, row: "unsigned long const", column: "unsigned long const") -> "int":
return _npstat.IntArchivedNtuple___call__(self, row, column)
def at(self, row: "unsigned long const", column: "unsigned long const") -> "int":
return _npstat.IntArchivedNtuple_at(self, row, column)
def rowContents(self, row: "unsigned long const", buffer: "int *", lenBuffer: "unsigned long") -> "void":
return _npstat.IntArchivedNtuple_rowContents(self, row, buffer, lenBuffer)
def columnContents(self, c: "Column", buffer: "int *", lenBuffer: "unsigned long") -> "void":
return _npstat.IntArchivedNtuple_columnContents(self, c, buffer, lenBuffer)
def clear(self) -> "void":
return _npstat.IntArchivedNtuple_clear(self)
def write(self) -> "bool":
return _npstat.IntArchivedNtuple_write(self)
def classId(self) -> "gs::ClassId":
return _npstat.IntArchivedNtuple_classId(self)
@staticmethod
def classname() -> "char const *":
return _npstat.IntArchivedNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IntArchivedNtuple_version()
# Register IntArchivedNtuple in _npstat:
_npstat.IntArchivedNtuple_swigregister(IntArchivedNtuple)
def IntArchivedNtuple_classname() -> "char const *":
return _npstat.IntArchivedNtuple_classname()
def IntArchivedNtuple_version() -> "unsigned int":
return _npstat.IntArchivedNtuple_version()
class LongArchivedNtuple(LongAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, columnNames: "StringVector", title: "char const *", archive: "AbsArchive", name: "char const *", category: "char const *", rowsPerBuffer: "unsigned long", writeColumnWise: "bool"=False):
_npstat.LongArchivedNtuple_swiginit(self, _npstat.new_LongArchivedNtuple(columnNames, title, archive, name, category, rowsPerBuffer, writeColumnWise))
__swig_destroy__ = _npstat.delete_LongArchivedNtuple
def __del__(self):
myClassIdTmp = self.classId().name()
myNumberTmp = self.objectNumber()
statusTmp = True
if self.isWritable():
statusTmp = self.write()
import npstat_utils
npstat_utils._unregisterArchivedNtuple(myClassIdTmp, myNumberTmp)
if not statusTmp:
raise IOError("failed to write %s object to the archive" % myClassIdTmp)
pass
def archive(self) -> "gs::AbsArchive &":
return _npstat.LongArchivedNtuple_archive(self)
def name(self) -> "std::string const &":
return _npstat.LongArchivedNtuple_name(self)
def category(self) -> "std::string const &":
return _npstat.LongArchivedNtuple_category(self)
def rowsPerBuffer(self) -> "unsigned long":
return _npstat.LongArchivedNtuple_rowsPerBuffer(self)
def writesByColumn(self) -> "bool":
return _npstat.LongArchivedNtuple_writesByColumn(self)
def isReadable(self) -> "bool":
return _npstat.LongArchivedNtuple_isReadable(self)
def isWritable(self) -> "bool":
return _npstat.LongArchivedNtuple_isWritable(self)
def objectNumber(self) -> "unsigned long":
return _npstat.LongArchivedNtuple_objectNumber(self)
def fill(self, *args) -> "void":
return _npstat.LongArchivedNtuple_fill(self, *args)
def nRows(self) -> "unsigned long":
return _npstat.LongArchivedNtuple_nRows(self)
def __call__(self, row: "unsigned long const", column: "unsigned long const") -> "long":
return _npstat.LongArchivedNtuple___call__(self, row, column)
def at(self, row: "unsigned long const", column: "unsigned long const") -> "long":
return _npstat.LongArchivedNtuple_at(self, row, column)
def rowContents(self, row: "unsigned long const", buffer: "long *", lenBuffer: "unsigned long") -> "void":
return _npstat.LongArchivedNtuple_rowContents(self, row, buffer, lenBuffer)
def columnContents(self, c: "Column", buffer: "long *", lenBuffer: "unsigned long") -> "void":
return _npstat.LongArchivedNtuple_columnContents(self, c, buffer, lenBuffer)
def clear(self) -> "void":
return _npstat.LongArchivedNtuple_clear(self)
def write(self) -> "bool":
return _npstat.LongArchivedNtuple_write(self)
def classId(self) -> "gs::ClassId":
return _npstat.LongArchivedNtuple_classId(self)
@staticmethod
def classname() -> "char const *":
return _npstat.LongArchivedNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LongArchivedNtuple_version()
# Register LongArchivedNtuple in _npstat:
_npstat.LongArchivedNtuple_swigregister(LongArchivedNtuple)
def LongArchivedNtuple_classname() -> "char const *":
return _npstat.LongArchivedNtuple_classname()
def LongArchivedNtuple_version() -> "unsigned int":
return _npstat.LongArchivedNtuple_version()
class FloatArchivedNtuple(FloatAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, columnNames: "StringVector", title: "char const *", archive: "AbsArchive", name: "char const *", category: "char const *", rowsPerBuffer: "unsigned long", writeColumnWise: "bool"=False):
_npstat.FloatArchivedNtuple_swiginit(self, _npstat.new_FloatArchivedNtuple(columnNames, title, archive, name, category, rowsPerBuffer, writeColumnWise))
__swig_destroy__ = _npstat.delete_FloatArchivedNtuple
def __del__(self):
myClassIdTmp = self.classId().name()
myNumberTmp = self.objectNumber()
statusTmp = True
if self.isWritable():
statusTmp = self.write()
import npstat_utils
npstat_utils._unregisterArchivedNtuple(myClassIdTmp, myNumberTmp)
if not statusTmp:
raise IOError("failed to write %s object to the archive" % myClassIdTmp)
pass
def archive(self) -> "gs::AbsArchive &":
return _npstat.FloatArchivedNtuple_archive(self)
def name(self) -> "std::string const &":
return _npstat.FloatArchivedNtuple_name(self)
def category(self) -> "std::string const &":
return _npstat.FloatArchivedNtuple_category(self)
def rowsPerBuffer(self) -> "unsigned long":
return _npstat.FloatArchivedNtuple_rowsPerBuffer(self)
def writesByColumn(self) -> "bool":
return _npstat.FloatArchivedNtuple_writesByColumn(self)
def isReadable(self) -> "bool":
return _npstat.FloatArchivedNtuple_isReadable(self)
def isWritable(self) -> "bool":
return _npstat.FloatArchivedNtuple_isWritable(self)
def objectNumber(self) -> "unsigned long":
return _npstat.FloatArchivedNtuple_objectNumber(self)
def fill(self, *args) -> "void":
return _npstat.FloatArchivedNtuple_fill(self, *args)
def nRows(self) -> "unsigned long":
return _npstat.FloatArchivedNtuple_nRows(self)
def __call__(self, row: "unsigned long const", column: "unsigned long const") -> "float":
return _npstat.FloatArchivedNtuple___call__(self, row, column)
def at(self, row: "unsigned long const", column: "unsigned long const") -> "float":
return _npstat.FloatArchivedNtuple_at(self, row, column)
def rowContents(self, row: "unsigned long const", buffer: "float *", lenBuffer: "unsigned long") -> "void":
return _npstat.FloatArchivedNtuple_rowContents(self, row, buffer, lenBuffer)
def columnContents(self, c: "Column", buffer: "float *", lenBuffer: "unsigned long") -> "void":
return _npstat.FloatArchivedNtuple_columnContents(self, c, buffer, lenBuffer)
def clear(self) -> "void":
return _npstat.FloatArchivedNtuple_clear(self)
def write(self) -> "bool":
return _npstat.FloatArchivedNtuple_write(self)
def classId(self) -> "gs::ClassId":
return _npstat.FloatArchivedNtuple_classId(self)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatArchivedNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatArchivedNtuple_version()
# Register FloatArchivedNtuple in _npstat:
_npstat.FloatArchivedNtuple_swigregister(FloatArchivedNtuple)
def FloatArchivedNtuple_classname() -> "char const *":
return _npstat.FloatArchivedNtuple_classname()
def FloatArchivedNtuple_version() -> "unsigned int":
return _npstat.FloatArchivedNtuple_version()
class DoubleArchivedNtuple(DoubleAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, columnNames: "StringVector", title: "char const *", archive: "AbsArchive", name: "char const *", category: "char const *", rowsPerBuffer: "unsigned long", writeColumnWise: "bool"=False):
_npstat.DoubleArchivedNtuple_swiginit(self, _npstat.new_DoubleArchivedNtuple(columnNames, title, archive, name, category, rowsPerBuffer, writeColumnWise))
__swig_destroy__ = _npstat.delete_DoubleArchivedNtuple
def __del__(self):
myClassIdTmp = self.classId().name()
myNumberTmp = self.objectNumber()
statusTmp = True
if self.isWritable():
statusTmp = self.write()
import npstat_utils
npstat_utils._unregisterArchivedNtuple(myClassIdTmp, myNumberTmp)
if not statusTmp:
raise IOError("failed to write %s object to the archive" % myClassIdTmp)
pass
def archive(self) -> "gs::AbsArchive &":
return _npstat.DoubleArchivedNtuple_archive(self)
def name(self) -> "std::string const &":
return _npstat.DoubleArchivedNtuple_name(self)
def category(self) -> "std::string const &":
return _npstat.DoubleArchivedNtuple_category(self)
def rowsPerBuffer(self) -> "unsigned long":
return _npstat.DoubleArchivedNtuple_rowsPerBuffer(self)
def writesByColumn(self) -> "bool":
return _npstat.DoubleArchivedNtuple_writesByColumn(self)
def isReadable(self) -> "bool":
return _npstat.DoubleArchivedNtuple_isReadable(self)
def isWritable(self) -> "bool":
return _npstat.DoubleArchivedNtuple_isWritable(self)
def objectNumber(self) -> "unsigned long":
return _npstat.DoubleArchivedNtuple_objectNumber(self)
def fill(self, *args) -> "void":
return _npstat.DoubleArchivedNtuple_fill(self, *args)
def nRows(self) -> "unsigned long":
return _npstat.DoubleArchivedNtuple_nRows(self)
def __call__(self, row: "unsigned long const", column: "unsigned long const") -> "double":
return _npstat.DoubleArchivedNtuple___call__(self, row, column)
def at(self, row: "unsigned long const", column: "unsigned long const") -> "double":
return _npstat.DoubleArchivedNtuple_at(self, row, column)
def rowContents(self, row: "unsigned long const", buffer: "double *", lenBuffer: "unsigned long") -> "void":
return _npstat.DoubleArchivedNtuple_rowContents(self, row, buffer, lenBuffer)
def columnContents(self, c: "Column", buffer: "double *", lenBuffer: "unsigned long") -> "void":
return _npstat.DoubleArchivedNtuple_columnContents(self, c, buffer, lenBuffer)
def clear(self) -> "void":
return _npstat.DoubleArchivedNtuple_clear(self)
def write(self) -> "bool":
return _npstat.DoubleArchivedNtuple_write(self)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleArchivedNtuple_classId(self)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleArchivedNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleArchivedNtuple_version()
# Register DoubleArchivedNtuple in _npstat:
_npstat.DoubleArchivedNtuple_swigregister(DoubleArchivedNtuple)
def DoubleArchivedNtuple_classname() -> "char const *":
return _npstat.DoubleArchivedNtuple_classname()
def DoubleArchivedNtuple_version() -> "unsigned int":
return _npstat.DoubleArchivedNtuple_version()
class Ref_IntArchivedNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IntArchivedNtuple_swiginit(self, _npstat.new_Ref_IntArchivedNtuple(*args))
__swig_destroy__ = _npstat.delete_Ref_IntArchivedNtuple
def retrieve(self, index: "unsigned long") -> "npstat::ArchivedNtuple< int > *":
return _npstat.Ref_IntArchivedNtuple_retrieve(self, index)
# Register Ref_IntArchivedNtuple in _npstat:
_npstat.Ref_IntArchivedNtuple_swigregister(Ref_IntArchivedNtuple)
class Ref_LongArchivedNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LongArchivedNtuple_swiginit(self, _npstat.new_Ref_LongArchivedNtuple(*args))
__swig_destroy__ = _npstat.delete_Ref_LongArchivedNtuple
def retrieve(self, index: "unsigned long") -> "npstat::ArchivedNtuple< long > *":
return _npstat.Ref_LongArchivedNtuple_retrieve(self, index)
# Register Ref_LongArchivedNtuple in _npstat:
_npstat.Ref_LongArchivedNtuple_swigregister(Ref_LongArchivedNtuple)
class Ref_UCharArchivedNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UCharArchivedNtuple_swiginit(self, _npstat.new_Ref_UCharArchivedNtuple(*args))
__swig_destroy__ = _npstat.delete_Ref_UCharArchivedNtuple
def retrieve(self, index: "unsigned long") -> "npstat::ArchivedNtuple< unsigned char > *":
return _npstat.Ref_UCharArchivedNtuple_retrieve(self, index)
# Register Ref_UCharArchivedNtuple in _npstat:
_npstat.Ref_UCharArchivedNtuple_swigregister(Ref_UCharArchivedNtuple)
class Ref_FloatArchivedNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatArchivedNtuple_swiginit(self, _npstat.new_Ref_FloatArchivedNtuple(*args))
__swig_destroy__ = _npstat.delete_Ref_FloatArchivedNtuple
def retrieve(self, index: "unsigned long") -> "npstat::ArchivedNtuple< float > *":
return _npstat.Ref_FloatArchivedNtuple_retrieve(self, index)
# Register Ref_FloatArchivedNtuple in _npstat:
_npstat.Ref_FloatArchivedNtuple_swigregister(Ref_FloatArchivedNtuple)
class Ref_DoubleArchivedNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleArchivedNtuple_swiginit(self, _npstat.new_Ref_DoubleArchivedNtuple(*args))
__swig_destroy__ = _npstat.delete_Ref_DoubleArchivedNtuple
def retrieve(self, index: "unsigned long") -> "npstat::ArchivedNtuple< double > *":
return _npstat.Ref_DoubleArchivedNtuple_retrieve(self, index)
# Register Ref_DoubleArchivedNtuple in _npstat:
_npstat.Ref_DoubleArchivedNtuple_swigregister(Ref_DoubleArchivedNtuple)
def unbinnedLogLikelihood1D(samplePonts: "double const *", density: "AbsDistribution1D", minlog: "double") -> "double":
return _npstat.unbinnedLogLikelihood1D(samplePonts, density, minlog)
def densityFitLogLikelihood1D(*args) -> "double":
return _npstat.densityFitLogLikelihood1D(*args)
class LOrPE1DCVResult(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LOrPE1DCVResult_swiginit(self, _npstat.new_LOrPE1DCVResult(*args))
def setDegreeBoundaryFlag(self, b: "bool const") -> "void":
return _npstat.LOrPE1DCVResult_setDegreeBoundaryFlag(self, b)
def filterDegree(self) -> "double":
return _npstat.LOrPE1DCVResult_filterDegree(self)
def bwFactor(self) -> "double":
return _npstat.LOrPE1DCVResult_bwFactor(self)
def cvFunction(self) -> "double":
return _npstat.LOrPE1DCVResult_cvFunction(self)
def isOnDegreeBoundary(self) -> "bool":
return _npstat.LOrPE1DCVResult_isOnDegreeBoundary(self)
def isOnBandwidthBoundary(self) -> "bool":
return _npstat.LOrPE1DCVResult_isOnBandwidthBoundary(self)
def isValid(self) -> "bool":
return _npstat.LOrPE1DCVResult_isValid(self)
__swig_destroy__ = _npstat.delete_LOrPE1DCVResult
# Register LOrPE1DCVResult in _npstat:
_npstat.LOrPE1DCVResult_swigregister(LOrPE1DCVResult)
class LOrPE1DFixedDegreeCVPicker(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, degree: "double const", minBwFactor: "double const", maxBwFactor: "double const", nBwFactors: "unsigned int const", firstBwFactorToTry: "double const", initialStepSizeInFactorsGridCells: "unsigned int const"):
_npstat.LOrPE1DFixedDegreeCVPicker_swiginit(self, _npstat.new_LOrPE1DFixedDegreeCVPicker(degree, minBwFactor, maxBwFactor, nBwFactors, firstBwFactorToTry, initialStepSizeInFactorsGridCells))
def nBwFactors(self) -> "unsigned int":
return _npstat.LOrPE1DFixedDegreeCVPicker_nBwFactors(self)
def getBwFactor(self, i: "unsigned int const") -> "double":
return _npstat.LOrPE1DFixedDegreeCVPicker_getBwFactor(self, i)
def searchStart(self) -> "double":
return _npstat.LOrPE1DFixedDegreeCVPicker_searchStart(self)
__swig_destroy__ = _npstat.delete_LOrPE1DFixedDegreeCVPicker
# Register LOrPE1DFixedDegreeCVPicker in _npstat:
_npstat.LOrPE1DFixedDegreeCVPicker_swigregister(LOrPE1DFixedDegreeCVPicker)
class ScalableGaussND(AbsScalableDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_ScalableGaussND
def clone(self) -> "npstat::ScalableGaussND *":
return _npstat.ScalableGaussND_clone(self)
def mappedByQuantiles(self) -> "bool":
return _npstat.ScalableGaussND_mappedByQuantiles(self)
def classId(self) -> "gs::ClassId":
return _npstat.ScalableGaussND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.ScalableGaussND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.ScalableGaussND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ScalableGaussND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::ScalableGaussND *":
return _npstat.ScalableGaussND_read(id, _in)
def __init__(self, *args):
_npstat.ScalableGaussND_swiginit(self, _npstat.new_ScalableGaussND(*args))
# Register ScalableGaussND in _npstat:
_npstat.ScalableGaussND_swigregister(ScalableGaussND)
def ScalableGaussND_classname() -> "char const *":
return _npstat.ScalableGaussND_classname()
def ScalableGaussND_version() -> "unsigned int":
return _npstat.ScalableGaussND_version()
def ScalableGaussND_read(id: "ClassId", _in: "istream") -> "npstat::ScalableGaussND *":
return _npstat.ScalableGaussND_read(id, _in)
class LOrPEMarginalSmoother(AbsMarginalSmootherBase):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nbins: "unsigned int", xmin: "double", xmax: "double", symbetaPower: "int", polyDegree: "double", bandwidthfactor: "double", bm: "BoundaryHandling", label: "char const *"=None):
_npstat.LOrPEMarginalSmoother_swiginit(self, _npstat.new_LOrPEMarginalSmoother(nbins, xmin, xmax, symbetaPower, polyDegree, bandwidthfactor, bm, label))
__swig_destroy__ = _npstat.delete_LOrPEMarginalSmoother
def symbetaPower(self) -> "int":
return _npstat.LOrPEMarginalSmoother_symbetaPower(self)
def bwFactor(self) -> "double":
return _npstat.LOrPEMarginalSmoother_bwFactor(self)
def polyDegree(self) -> "double":
return _npstat.LOrPEMarginalSmoother_polyDegree(self)
def boundaryMethod(self) -> "npstat::BoundaryHandling const &":
return _npstat.LOrPEMarginalSmoother_boundaryMethod(self)
# Register LOrPEMarginalSmoother in _npstat:
_npstat.LOrPEMarginalSmoother_swigregister(LOrPEMarginalSmoother)
class AbsInterpolationAlgoND(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsInterpolationAlgoND
def clone(self) -> "npstat::AbsInterpolationAlgoND *":
return _npstat.AbsInterpolationAlgoND_clone(self)
def size(self) -> "unsigned int":
return _npstat.AbsInterpolationAlgoND_size(self)
def add(self, d: "AbsDistributionND", w: "double") -> "void":
return _npstat.AbsInterpolationAlgoND_add(self, d, w)
def replace(self, i: "unsigned int", d: "AbsDistributionND", w: "double") -> "void":
return _npstat.AbsInterpolationAlgoND_replace(self, i, d, w)
def setWeight(self, i: "unsigned int", w: "double") -> "void":
return _npstat.AbsInterpolationAlgoND_setWeight(self, i, w)
def clear(self) -> "void":
return _npstat.AbsInterpolationAlgoND_clear(self)
def normalizeAutomatically(self, allow: "bool") -> "void":
return _npstat.AbsInterpolationAlgoND_normalizeAutomatically(self, allow)
# Register AbsInterpolationAlgoND in _npstat:
_npstat.AbsInterpolationAlgoND_swigregister(AbsInterpolationAlgoND)
class GridInterpolatedDistribution(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.GridInterpolatedDistribution_swiginit(self, _npstat.new_GridInterpolatedDistribution(*args))
__swig_destroy__ = _npstat.delete_GridInterpolatedDistribution
def clone(self) -> "npstat::GridInterpolatedDistribution *":
return _npstat.GridInterpolatedDistribution_clone(self)
def getGridDistro(self, cell: "unsigned int const *") -> "npstat::AbsDistributionND const *":
return _npstat.GridInterpolatedDistribution_getGridDistro(self, cell)
def getLinearDistro(self, idx: "unsigned long") -> "npstat::AbsDistributionND const *":
return _npstat.GridInterpolatedDistribution_getLinearDistro(self, idx)
def setGridCoords(self, coords: "double const *") -> "void":
return _npstat.GridInterpolatedDistribution_setGridCoords(self, coords)
def interpolateCopulas(self, b: "bool") -> "void":
return _npstat.GridInterpolatedDistribution_interpolateCopulas(self, b)
def useSingleCell(self, b: "bool") -> "void":
return _npstat.GridInterpolatedDistribution_useSingleCell(self, b)
def nAxes(self) -> "unsigned int":
return _npstat.GridInterpolatedDistribution_nAxes(self)
def getAxis(self, i: "unsigned int const") -> "npstat::GridAxis const &":
return _npstat.GridInterpolatedDistribution_getAxis(self, i)
def nDistros(self) -> "unsigned long":
return _npstat.GridInterpolatedDistribution_nDistros(self)
def gridShape(self) -> "npstat::ArrayShape":
return _npstat.GridInterpolatedDistribution_gridShape(self)
def interpolatingCopulas(self) -> "bool":
return _npstat.GridInterpolatedDistribution_interpolatingCopulas(self)
def usingSingleCell(self) -> "bool":
return _npstat.GridInterpolatedDistribution_usingSingleCell(self)
def density(self, x: "double const *") -> "double":
return _npstat.GridInterpolatedDistribution_density(self, x)
def unitMap(self, rnd: "double const *", len: "unsigned int", x: "double *") -> "void":
return _npstat.GridInterpolatedDistribution_unitMap(self, rnd, len, x)
def mappedByQuantiles(self) -> "bool":
return _npstat.GridInterpolatedDistribution_mappedByQuantiles(self)
def marginalDensity(self, idim: "unsigned int", x: "double") -> "double":
return _npstat.GridInterpolatedDistribution_marginalDensity(self, idim, x)
def marginalCdf(self, idim: "unsigned int", x: "double") -> "double":
return _npstat.GridInterpolatedDistribution_marginalCdf(self, idim, x)
def marginalExceedance(self, idim: "unsigned int", x: "double") -> "double":
return _npstat.GridInterpolatedDistribution_marginalExceedance(self, idim, x)
def marginalQuantile(self, idim: "unsigned int", x: "double") -> "double":
return _npstat.GridInterpolatedDistribution_marginalQuantile(self, idim, x)
def copulaDensity(self, x: "double const *") -> "double":
return _npstat.GridInterpolatedDistribution_copulaDensity(self, x)
def productOfTheMarginals(self, x: "double const *") -> "double":
return _npstat.GridInterpolatedDistribution_productOfTheMarginals(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.GridInterpolatedDistribution_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.GridInterpolatedDistribution_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.GridInterpolatedDistribution_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.GridInterpolatedDistribution_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::GridInterpolatedDistribution *":
return _npstat.GridInterpolatedDistribution_read(id, _in)
def setGridDistro(self, cell: "unsigned int const *", distro: "AbsDistributionND") -> "void":
return _npstat.GridInterpolatedDistribution_setGridDistro(self, cell, distro)
def setLinearDistro(self, idx: "unsigned long", distro: "AbsDistributionND") -> "void":
return _npstat.GridInterpolatedDistribution_setLinearDistro(self, idx, distro)
# Register GridInterpolatedDistribution in _npstat:
_npstat.GridInterpolatedDistribution_swigregister(GridInterpolatedDistribution)
def GridInterpolatedDistribution_classname() -> "char const *":
return _npstat.GridInterpolatedDistribution_classname()
def GridInterpolatedDistribution_version() -> "unsigned int":
return _npstat.GridInterpolatedDistribution_version()
def GridInterpolatedDistribution_read(id: "ClassId", _in: "istream") -> "npstat::GridInterpolatedDistribution *":
return _npstat.GridInterpolatedDistribution_read(id, _in)
class ArchiveRecord_GridInterpolatedDistribution(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "GridInterpolatedDistribution", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_GridInterpolatedDistribution_swiginit(self, _npstat.new_ArchiveRecord_GridInterpolatedDistribution(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_GridInterpolatedDistribution
# Register ArchiveRecord_GridInterpolatedDistribution in _npstat:
_npstat.ArchiveRecord_GridInterpolatedDistribution_swigregister(ArchiveRecord_GridInterpolatedDistribution)
class Ref_GridInterpolatedDistribution(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_GridInterpolatedDistribution_swiginit(self, _npstat.new_Ref_GridInterpolatedDistribution(*args))
def restore(self, index: "unsigned long", obj: "GridInterpolatedDistribution") -> "void":
return _npstat.Ref_GridInterpolatedDistribution_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::GridInterpolatedDistribution *":
return _npstat.Ref_GridInterpolatedDistribution_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::GridInterpolatedDistribution":
return _npstat.Ref_GridInterpolatedDistribution_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_GridInterpolatedDistribution
# Register Ref_GridInterpolatedDistribution in _npstat:
_npstat.Ref_GridInterpolatedDistribution_swigregister(Ref_GridInterpolatedDistribution)
class CVCopulaSmoother0(AbsCVCopulaSmoother):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_CVCopulaSmoother0
# Register CVCopulaSmoother0 in _npstat:
_npstat.CVCopulaSmoother0_swigregister(CVCopulaSmoother0)
class CVCopulaSmoother1(AbsCVCopulaSmoother):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_CVCopulaSmoother1
# Register CVCopulaSmoother1 in _npstat:
_npstat.CVCopulaSmoother1_swigregister(CVCopulaSmoother1)
class CVCopulaSmoother2(AbsCVCopulaSmoother):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_CVCopulaSmoother2
# Register CVCopulaSmoother2 in _npstat:
_npstat.CVCopulaSmoother2_swigregister(CVCopulaSmoother2)
class VariableBandwidthSmoother1D(AbsMarginalSmootherBase):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nbins: "unsigned int", xmin: "double", xmax: "double", symbetaPower: "int", bwFactor: "double"=1.0, label: "char const *"=None):
_npstat.VariableBandwidthSmoother1D_swiginit(self, _npstat.new_VariableBandwidthSmoother1D(nbins, xmin, xmax, symbetaPower, bwFactor, label))
__swig_destroy__ = _npstat.delete_VariableBandwidthSmoother1D
def symbetaPower(self) -> "int":
return _npstat.VariableBandwidthSmoother1D_symbetaPower(self)
def bwFactor(self) -> "double":
return _npstat.VariableBandwidthSmoother1D_bwFactor(self)
# Register VariableBandwidthSmoother1D in _npstat:
_npstat.VariableBandwidthSmoother1D_swigregister(VariableBandwidthSmoother1D)
class LeftCensoredDistribution(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LeftCensoredDistribution_swiginit(self, _npstat.new_LeftCensoredDistribution(*args))
def clone(self) -> "npstat::LeftCensoredDistribution *":
return _npstat.LeftCensoredDistribution_clone(self)
__swig_destroy__ = _npstat.delete_LeftCensoredDistribution
def visible(self) -> "npstat::AbsDistribution1D const &":
return _npstat.LeftCensoredDistribution_visible(self)
def visibleFraction(self) -> "double":
return _npstat.LeftCensoredDistribution_visibleFraction(self)
def effectiveInfinity(self) -> "double":
return _npstat.LeftCensoredDistribution_effectiveInfinity(self)
def density(self, x: "double") -> "double":
return _npstat.LeftCensoredDistribution_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.LeftCensoredDistribution_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.LeftCensoredDistribution_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.LeftCensoredDistribution_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.LeftCensoredDistribution_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.LeftCensoredDistribution_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.LeftCensoredDistribution_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LeftCensoredDistribution_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::LeftCensoredDistribution *":
return _npstat.LeftCensoredDistribution_read(id, arg2)
# Register LeftCensoredDistribution in _npstat:
_npstat.LeftCensoredDistribution_swigregister(LeftCensoredDistribution)
def LeftCensoredDistribution_classname() -> "char const *":
return _npstat.LeftCensoredDistribution_classname()
def LeftCensoredDistribution_version() -> "unsigned int":
return _npstat.LeftCensoredDistribution_version()
def LeftCensoredDistribution_read(id: "ClassId", arg2: "istream") -> "npstat::LeftCensoredDistribution *":
return _npstat.LeftCensoredDistribution_read(id, arg2)
class ArchiveRecord_LeftCensoredDistribution(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LeftCensoredDistribution", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LeftCensoredDistribution_swiginit(self, _npstat.new_ArchiveRecord_LeftCensoredDistribution(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LeftCensoredDistribution
# Register ArchiveRecord_LeftCensoredDistribution in _npstat:
_npstat.ArchiveRecord_LeftCensoredDistribution_swigregister(ArchiveRecord_LeftCensoredDistribution)
class Ref_LeftCensoredDistribution(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LeftCensoredDistribution_swiginit(self, _npstat.new_Ref_LeftCensoredDistribution(*args))
def restore(self, index: "unsigned long", obj: "LeftCensoredDistribution") -> "void":
return _npstat.Ref_LeftCensoredDistribution_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LeftCensoredDistribution *":
return _npstat.Ref_LeftCensoredDistribution_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::LeftCensoredDistribution":
return _npstat.Ref_LeftCensoredDistribution_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LeftCensoredDistribution
# Register Ref_LeftCensoredDistribution in _npstat:
_npstat.Ref_LeftCensoredDistribution_swigregister(Ref_LeftCensoredDistribution)
def semiMixLocalLogLikelihood(*args) -> "double":
return _npstat.semiMixLocalLogLikelihood(*args)
def randomHistoFillC1D(*args) -> "void":
return _npstat.randomHistoFillC1D(*args)
def randomHistoFill1D(*args) -> "void":
return _npstat.randomHistoFill1D(*args)
class StorableMultivariateFunctor(AbsMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_StorableMultivariateFunctor
def description(self) -> "std::string const &":
return _npstat.StorableMultivariateFunctor_description(self)
def setDescription(self, newDescription: "string") -> "void":
return _npstat.StorableMultivariateFunctor_setDescription(self, newDescription)
def validateDescription(self, description: "string") -> "void":
return _npstat.StorableMultivariateFunctor_validateDescription(self, description)
def __eq__(self, r: "StorableMultivariateFunctor") -> "bool":
return _npstat.StorableMultivariateFunctor___eq__(self, r)
def __ne__(self, r: "StorableMultivariateFunctor") -> "bool":
return _npstat.StorableMultivariateFunctor___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.StorableMultivariateFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StorableMultivariateFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StorableMultivariateFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StorableMultivariateFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableMultivariateFunctor *":
return _npstat.StorableMultivariateFunctor_read(id, _in)
# Register StorableMultivariateFunctor in _npstat:
_npstat.StorableMultivariateFunctor_swigregister(StorableMultivariateFunctor)
def StorableMultivariateFunctor_classname() -> "char const *":
return _npstat.StorableMultivariateFunctor_classname()
def StorableMultivariateFunctor_version() -> "unsigned int":
return _npstat.StorableMultivariateFunctor_version()
def StorableMultivariateFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableMultivariateFunctor *":
return _npstat.StorableMultivariateFunctor_read(id, _in)
class DoubleHistoNDFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleHistoNDFunctor
def minDim(self) -> "unsigned int":
return _npstat.DoubleHistoNDFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.DoubleHistoNDFunctor___call__(self, point, dim)
def interpolationDegree(self) -> "unsigned int":
return _npstat.DoubleHistoNDFunctor_interpolationDegree(self)
def setInterpolationDegree(self, deg: "unsigned int const") -> "void":
return _npstat.DoubleHistoNDFunctor_setInterpolationDegree(self, deg)
def interpolator(self, *args) -> "npstat::StorableHistoNDFunctor< double,npstat::DualHistoAxis >::Table const &":
return _npstat.DoubleHistoNDFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleHistoNDFunctor_table(self, *args)
def setConverter(self, conv: "DoubleSame") -> "void":
return _npstat.DoubleHistoNDFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleHistoNDFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleHistoNDFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleHistoNDFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleHistoNDFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< double,npstat::DualHistoAxis > *":
return _npstat.DoubleHistoNDFunctor_read(id, _in)
# Register DoubleHistoNDFunctor in _npstat:
_npstat.DoubleHistoNDFunctor_swigregister(DoubleHistoNDFunctor)
def DoubleHistoNDFunctor_classname() -> "char const *":
return _npstat.DoubleHistoNDFunctor_classname()
def DoubleHistoNDFunctor_version() -> "unsigned int":
return _npstat.DoubleHistoNDFunctor_version()
def DoubleHistoNDFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< double,npstat::DualHistoAxis > *":
return _npstat.DoubleHistoNDFunctor_read(id, _in)
class DoubleUAHistoNDFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleUAHistoNDFunctor
def minDim(self) -> "unsigned int":
return _npstat.DoubleUAHistoNDFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.DoubleUAHistoNDFunctor___call__(self, point, dim)
def interpolationDegree(self) -> "unsigned int":
return _npstat.DoubleUAHistoNDFunctor_interpolationDegree(self)
def setInterpolationDegree(self, deg: "unsigned int const") -> "void":
return _npstat.DoubleUAHistoNDFunctor_setInterpolationDegree(self, deg)
def interpolator(self, *args) -> "npstat::StorableHistoNDFunctor< double,npstat::HistoAxis >::Table const &":
return _npstat.DoubleUAHistoNDFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleUAHistoNDFunctor_table(self, *args)
def setConverter(self, conv: "DoubleSame") -> "void":
return _npstat.DoubleUAHistoNDFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleUAHistoNDFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleUAHistoNDFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleUAHistoNDFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleUAHistoNDFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< double,npstat::HistoAxis > *":
return _npstat.DoubleUAHistoNDFunctor_read(id, _in)
# Register DoubleUAHistoNDFunctor in _npstat:
_npstat.DoubleUAHistoNDFunctor_swigregister(DoubleUAHistoNDFunctor)
def DoubleUAHistoNDFunctor_classname() -> "char const *":
return _npstat.DoubleUAHistoNDFunctor_classname()
def DoubleUAHistoNDFunctor_version() -> "unsigned int":
return _npstat.DoubleUAHistoNDFunctor_version()
def DoubleUAHistoNDFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< double,npstat::HistoAxis > *":
return _npstat.DoubleUAHistoNDFunctor_read(id, _in)
class DoubleNUHistoNDFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleNUHistoNDFunctor
def minDim(self) -> "unsigned int":
return _npstat.DoubleNUHistoNDFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.DoubleNUHistoNDFunctor___call__(self, point, dim)
def interpolationDegree(self) -> "unsigned int":
return _npstat.DoubleNUHistoNDFunctor_interpolationDegree(self)
def setInterpolationDegree(self, deg: "unsigned int const") -> "void":
return _npstat.DoubleNUHistoNDFunctor_setInterpolationDegree(self, deg)
def interpolator(self, *args) -> "npstat::StorableHistoNDFunctor< double,npstat::NUHistoAxis >::Table const &":
return _npstat.DoubleNUHistoNDFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleNUHistoNDFunctor_table(self, *args)
def setConverter(self, conv: "DoubleSame") -> "void":
return _npstat.DoubleNUHistoNDFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleNUHistoNDFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleNUHistoNDFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleNUHistoNDFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleNUHistoNDFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< double,npstat::NUHistoAxis > *":
return _npstat.DoubleNUHistoNDFunctor_read(id, _in)
# Register DoubleNUHistoNDFunctor in _npstat:
_npstat.DoubleNUHistoNDFunctor_swigregister(DoubleNUHistoNDFunctor)
def DoubleNUHistoNDFunctor_classname() -> "char const *":
return _npstat.DoubleNUHistoNDFunctor_classname()
def DoubleNUHistoNDFunctor_version() -> "unsigned int":
return _npstat.DoubleNUHistoNDFunctor_version()
def DoubleNUHistoNDFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< double,npstat::NUHistoAxis > *":
return _npstat.DoubleNUHistoNDFunctor_read(id, _in)
class FloatHistoNDFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatHistoNDFunctor
def minDim(self) -> "unsigned int":
return _npstat.FloatHistoNDFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.FloatHistoNDFunctor___call__(self, point, dim)
def interpolationDegree(self) -> "unsigned int":
return _npstat.FloatHistoNDFunctor_interpolationDegree(self)
def setInterpolationDegree(self, deg: "unsigned int const") -> "void":
return _npstat.FloatHistoNDFunctor_setInterpolationDegree(self, deg)
def interpolator(self, *args) -> "npstat::StorableHistoNDFunctor< float,npstat::DualHistoAxis >::Table const &":
return _npstat.FloatHistoNDFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< float > const &":
return _npstat.FloatHistoNDFunctor_table(self, *args)
def setConverter(self, conv: "npstat::Same< float > const &") -> "void":
return _npstat.FloatHistoNDFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.FloatHistoNDFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatHistoNDFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatHistoNDFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatHistoNDFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< float,npstat::DualHistoAxis > *":
return _npstat.FloatHistoNDFunctor_read(id, _in)
# Register FloatHistoNDFunctor in _npstat:
_npstat.FloatHistoNDFunctor_swigregister(FloatHistoNDFunctor)
def FloatHistoNDFunctor_classname() -> "char const *":
return _npstat.FloatHistoNDFunctor_classname()
def FloatHistoNDFunctor_version() -> "unsigned int":
return _npstat.FloatHistoNDFunctor_version()
def FloatHistoNDFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< float,npstat::DualHistoAxis > *":
return _npstat.FloatHistoNDFunctor_read(id, _in)
class FloatUAHistoNDFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatUAHistoNDFunctor
def minDim(self) -> "unsigned int":
return _npstat.FloatUAHistoNDFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.FloatUAHistoNDFunctor___call__(self, point, dim)
def interpolationDegree(self) -> "unsigned int":
return _npstat.FloatUAHistoNDFunctor_interpolationDegree(self)
def setInterpolationDegree(self, deg: "unsigned int const") -> "void":
return _npstat.FloatUAHistoNDFunctor_setInterpolationDegree(self, deg)
def interpolator(self, *args) -> "npstat::StorableHistoNDFunctor< float,npstat::HistoAxis >::Table const &":
return _npstat.FloatUAHistoNDFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< float > const &":
return _npstat.FloatUAHistoNDFunctor_table(self, *args)
def setConverter(self, conv: "npstat::Same< float > const &") -> "void":
return _npstat.FloatUAHistoNDFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.FloatUAHistoNDFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatUAHistoNDFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatUAHistoNDFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatUAHistoNDFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< float,npstat::HistoAxis > *":
return _npstat.FloatUAHistoNDFunctor_read(id, _in)
# Register FloatUAHistoNDFunctor in _npstat:
_npstat.FloatUAHistoNDFunctor_swigregister(FloatUAHistoNDFunctor)
def FloatUAHistoNDFunctor_classname() -> "char const *":
return _npstat.FloatUAHistoNDFunctor_classname()
def FloatUAHistoNDFunctor_version() -> "unsigned int":
return _npstat.FloatUAHistoNDFunctor_version()
def FloatUAHistoNDFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< float,npstat::HistoAxis > *":
return _npstat.FloatUAHistoNDFunctor_read(id, _in)
class FloatNUHistoNDFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatNUHistoNDFunctor
def minDim(self) -> "unsigned int":
return _npstat.FloatNUHistoNDFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.FloatNUHistoNDFunctor___call__(self, point, dim)
def interpolationDegree(self) -> "unsigned int":
return _npstat.FloatNUHistoNDFunctor_interpolationDegree(self)
def setInterpolationDegree(self, deg: "unsigned int const") -> "void":
return _npstat.FloatNUHistoNDFunctor_setInterpolationDegree(self, deg)
def interpolator(self, *args) -> "npstat::StorableHistoNDFunctor< float,npstat::NUHistoAxis >::Table const &":
return _npstat.FloatNUHistoNDFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< float > const &":
return _npstat.FloatNUHistoNDFunctor_table(self, *args)
def setConverter(self, conv: "npstat::Same< float > const &") -> "void":
return _npstat.FloatNUHistoNDFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.FloatNUHistoNDFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatNUHistoNDFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatNUHistoNDFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatNUHistoNDFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< float,npstat::NUHistoAxis > *":
return _npstat.FloatNUHistoNDFunctor_read(id, _in)
# Register FloatNUHistoNDFunctor in _npstat:
_npstat.FloatNUHistoNDFunctor_swigregister(FloatNUHistoNDFunctor)
def FloatNUHistoNDFunctor_classname() -> "char const *":
return _npstat.FloatNUHistoNDFunctor_classname()
def FloatNUHistoNDFunctor_version() -> "unsigned int":
return _npstat.FloatNUHistoNDFunctor_version()
def FloatNUHistoNDFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableHistoNDFunctor< float,npstat::NUHistoAxis > *":
return _npstat.FloatNUHistoNDFunctor_read(id, _in)
class LOrPE1DFixedDegreeCVRunner(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_fixedDegree: "double const", i_bwFactorGuess: "double const", i_tol: "double const"):
_npstat.LOrPE1DFixedDegreeCVRunner_swiginit(self, _npstat.new_LOrPE1DFixedDegreeCVRunner(i_fixedDegree, i_bwFactorGuess, i_tol))
def fixedDegree(self) -> "double":
return _npstat.LOrPE1DFixedDegreeCVRunner_fixedDegree(self)
def bwFactorGuess(self) -> "double":
return _npstat.LOrPE1DFixedDegreeCVRunner_bwFactorGuess(self)
def tol(self) -> "double":
return _npstat.LOrPE1DFixedDegreeCVRunner_tol(self)
__swig_destroy__ = _npstat.delete_LOrPE1DFixedDegreeCVRunner
# Register LOrPE1DFixedDegreeCVRunner in _npstat:
_npstat.LOrPE1DFixedDegreeCVRunner_swigregister(LOrPE1DFixedDegreeCVRunner)
def aicc(ndof: "double const", logli: "double const", n: "double const") -> "double":
return _npstat.aicc(ndof, logli, n)
def AD(n: "double const", z: "double const") -> "double":
return _npstat.AD(n, z)
def normalizeArrayAsDensity(pyarr: "double *", binwidth: "double") -> "double *":
return _npstat.normalizeArrayAsDensity(pyarr, binwidth)
def FloatEmpiricalQuantile(data: "FloatVector", x: "double", increaseRange: "bool"=False) -> "float":
return _npstat.FloatEmpiricalQuantile(data, x, increaseRange)
def DoubleEmpiricalQuantile(data: "DoubleVector", x: "double", increaseRange: "bool"=False) -> "double":
return _npstat.DoubleEmpiricalQuantile(data, x, increaseRange)
def FloatEmpiricalCdf(data: "FloatVector", x: "float const &") -> "double":
return _npstat.FloatEmpiricalCdf(data, x)
def DoubleEmpiricalCdf(data: "DoubleVector", x: "double const &") -> "double":
return _npstat.DoubleEmpiricalCdf(data, x)
class KDEGroupedCopulaSmoother_10(GCVCopulaSmoother1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nBinsInEachDim: "unsigned int const *", marginTolerance: "double", maxNormCycles: "unsigned int", kernel: "AbsDistributionND", taper: "double const *", initialBw: "double", cvCalc: "DoubleAbsBandwidthGCVND", becomeCvCalcOwner: "bool", cvRange: "double", nCV: "unsigned int", dummy: "bool"):
_npstat.KDEGroupedCopulaSmoother_10_swiginit(self, _npstat.new_KDEGroupedCopulaSmoother_10(nBinsInEachDim, marginTolerance, maxNormCycles, kernel, taper, initialBw, cvCalc, becomeCvCalcOwner, cvRange, nCV, dummy))
__swig_destroy__ = _npstat.delete_KDEGroupedCopulaSmoother_10
# Register KDEGroupedCopulaSmoother_10 in _npstat:
_npstat.KDEGroupedCopulaSmoother_10_swigregister(KDEGroupedCopulaSmoother_10)
class GridRandomizer(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_GridRandomizer
def __eq__(self, r: "GridRandomizer") -> "bool":
return _npstat.GridRandomizer___eq__(self, r)
def __ne__(self, r: "GridRandomizer") -> "bool":
return _npstat.GridRandomizer___ne__(self, r)
def gridData(self) -> "npstat::ArrayND< double > const &":
return _npstat.GridRandomizer_gridData(self)
def gridBoundary(self) -> "npstat::BoxND< double > const &":
return _npstat.GridRandomizer_gridBoundary(self)
def interpolationDegree(self) -> "unsigned int":
return _npstat.GridRandomizer_interpolationDegree(self)
def dim(self) -> "unsigned int":
return _npstat.GridRandomizer_dim(self)
def density(self, x: "double const *", xLen: "unsigned int") -> "double":
return _npstat.GridRandomizer_density(self, x, xLen)
def generate(self, uniformRandomInput: "double const *", bufLen: "unsigned int", resultBuf: "double *") -> "void":
return _npstat.GridRandomizer_generate(self, uniformRandomInput, bufLen, resultBuf)
def __init__(self, *args):
_npstat.GridRandomizer_swiginit(self, _npstat.new_GridRandomizer(*args))
# Register GridRandomizer in _npstat:
_npstat.GridRandomizer_swigregister(GridRandomizer)
class ProductDistributionND(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ProductDistributionND_swiginit(self, _npstat.new_ProductDistributionND(*args))
__swig_destroy__ = _npstat.delete_ProductDistributionND
def clone(self) -> "npstat::ProductDistributionND *":
return _npstat.ProductDistributionND_clone(self)
def density(self, x: "double const *") -> "double":
return _npstat.ProductDistributionND_density(self, x)
def unitMap(self, rnd: "double const *", bufLen: "unsigned int", x: "double *") -> "void":
return _npstat.ProductDistributionND_unitMap(self, rnd, bufLen, x)
def mappedByQuantiles(self) -> "bool":
return _npstat.ProductDistributionND_mappedByQuantiles(self)
def isScalable(self) -> "bool":
return _npstat.ProductDistributionND_isScalable(self)
def getMarginal(self, i: "unsigned int const") -> "npstat::AbsDistribution1D *":
return _npstat.ProductDistributionND_getMarginal(self, i)
def classId(self) -> "gs::ClassId":
return _npstat.ProductDistributionND_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.ProductDistributionND_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.ProductDistributionND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ProductDistributionND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::ProductDistributionND *":
return _npstat.ProductDistributionND_read(id, _in)
# Register ProductDistributionND in _npstat:
_npstat.ProductDistributionND_swigregister(ProductDistributionND)
def ProductDistributionND_classname() -> "char const *":
return _npstat.ProductDistributionND_classname()
def ProductDistributionND_version() -> "unsigned int":
return _npstat.ProductDistributionND_version()
def ProductDistributionND_read(id: "ClassId", _in: "istream") -> "npstat::ProductDistributionND *":
return _npstat.ProductDistributionND_read(id, _in)
class GaussND(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_GaussND
def clone(self) -> "npstat::GaussND *":
return _npstat.GaussND_clone(self)
def density(self, x: "double const *") -> "double":
return _npstat.GaussND_density(self, x)
def unitMap(self, rnd: "double const *", bufLen: "unsigned int", x: "double *") -> "void":
return _npstat.GaussND_unitMap(self, rnd, bufLen, x)
def mappedByQuantiles(self) -> "bool":
return _npstat.GaussND_mappedByQuantiles(self)
def getLocation(self, index: "unsigned int const") -> "double":
return _npstat.GaussND_getLocation(self, index)
def getCovMat(self) -> "npstat::Matrix< double > const &":
return _npstat.GaussND_getCovMat(self)
def classId(self) -> "gs::ClassId":
return _npstat.GaussND_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.GaussND_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.GaussND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.GaussND_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::GaussND *":
return _npstat.GaussND_read(id, arg2)
def __init__(self, *args):
_npstat.GaussND_swiginit(self, _npstat.new_GaussND(*args))
# Register GaussND in _npstat:
_npstat.GaussND_swigregister(GaussND)
def GaussND_classname() -> "char const *":
return _npstat.GaussND_classname()
def GaussND_version() -> "unsigned int":
return _npstat.GaussND_version()
def GaussND_read(id: "ClassId", arg2: "istream") -> "npstat::GaussND *":
return _npstat.GaussND_read(id, arg2)
class UniformND(AbsScalableDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UniformND
def clone(self) -> "npstat::UniformND *":
return _npstat.UniformND_clone(self)
def mappedByQuantiles(self) -> "bool":
return _npstat.UniformND_mappedByQuantiles(self)
def classId(self) -> "gs::ClassId":
return _npstat.UniformND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.UniformND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.UniformND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UniformND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::UniformND *":
return _npstat.UniformND_read(id, _in)
def __init__(self, *args):
_npstat.UniformND_swiginit(self, _npstat.new_UniformND(*args))
# Register UniformND in _npstat:
_npstat.UniformND_swigregister(UniformND)
def UniformND_classname() -> "char const *":
return _npstat.UniformND_classname()
def UniformND_version() -> "unsigned int":
return _npstat.UniformND_version()
def UniformND_read(id: "ClassId", _in: "istream") -> "npstat::UniformND *":
return _npstat.UniformND_read(id, _in)
class ScalableSymmetricBetaND(AbsScalableDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def clone(self) -> "npstat::ScalableSymmetricBetaND *":
return _npstat.ScalableSymmetricBetaND_clone(self)
__swig_destroy__ = _npstat.delete_ScalableSymmetricBetaND
def mappedByQuantiles(self) -> "bool":
return _npstat.ScalableSymmetricBetaND_mappedByQuantiles(self)
def power(self) -> "double":
return _npstat.ScalableSymmetricBetaND_power(self)
def classId(self) -> "gs::ClassId":
return _npstat.ScalableSymmetricBetaND_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.ScalableSymmetricBetaND_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.ScalableSymmetricBetaND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ScalableSymmetricBetaND_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::ScalableSymmetricBetaND *":
return _npstat.ScalableSymmetricBetaND_read(id, arg2)
def __init__(self, *args):
_npstat.ScalableSymmetricBetaND_swiginit(self, _npstat.new_ScalableSymmetricBetaND(*args))
# Register ScalableSymmetricBetaND in _npstat:
_npstat.ScalableSymmetricBetaND_swigregister(ScalableSymmetricBetaND)
def ScalableSymmetricBetaND_classname() -> "char const *":
return _npstat.ScalableSymmetricBetaND_classname()
def ScalableSymmetricBetaND_version() -> "unsigned int":
return _npstat.ScalableSymmetricBetaND_version()
def ScalableSymmetricBetaND_read(id: "ClassId", arg2: "istream") -> "npstat::ScalableSymmetricBetaND *":
return _npstat.ScalableSymmetricBetaND_read(id, arg2)
class ScalableHuberND(AbsScalableDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def clone(self) -> "npstat::ScalableHuberND *":
return _npstat.ScalableHuberND_clone(self)
__swig_destroy__ = _npstat.delete_ScalableHuberND
def mappedByQuantiles(self) -> "bool":
return _npstat.ScalableHuberND_mappedByQuantiles(self)
def tailWeight(self) -> "double":
return _npstat.ScalableHuberND_tailWeight(self)
def transition(self) -> "double":
return _npstat.ScalableHuberND_transition(self)
def classId(self) -> "gs::ClassId":
return _npstat.ScalableHuberND_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.ScalableHuberND_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.ScalableHuberND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ScalableHuberND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::ScalableHuberND *":
return _npstat.ScalableHuberND_read(id, _in)
def __init__(self, *args):
_npstat.ScalableHuberND_swiginit(self, _npstat.new_ScalableHuberND(*args))
# Register ScalableHuberND in _npstat:
_npstat.ScalableHuberND_swigregister(ScalableHuberND)
def ScalableHuberND_classname() -> "char const *":
return _npstat.ScalableHuberND_classname()
def ScalableHuberND_version() -> "unsigned int":
return _npstat.ScalableHuberND_version()
def ScalableHuberND_read(id: "ClassId", _in: "istream") -> "npstat::ScalableHuberND *":
return _npstat.ScalableHuberND_read(id, _in)
class ProductSymmetricBetaND(HomogeneousProductSymmetricBeta1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def clone(self) -> "npstat::ProductSymmetricBetaND *":
return _npstat.ProductSymmetricBetaND_clone(self)
__swig_destroy__ = _npstat.delete_ProductSymmetricBetaND
def power(self) -> "double":
return _npstat.ProductSymmetricBetaND_power(self)
def classId(self) -> "gs::ClassId":
return _npstat.ProductSymmetricBetaND_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.ProductSymmetricBetaND_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.ProductSymmetricBetaND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ProductSymmetricBetaND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::ProductSymmetricBetaND *":
return _npstat.ProductSymmetricBetaND_read(id, _in)
def __init__(self, *args):
_npstat.ProductSymmetricBetaND_swiginit(self, _npstat.new_ProductSymmetricBetaND(*args))
# Register ProductSymmetricBetaND in _npstat:
_npstat.ProductSymmetricBetaND_swigregister(ProductSymmetricBetaND)
def ProductSymmetricBetaND_classname() -> "char const *":
return _npstat.ProductSymmetricBetaND_classname()
def ProductSymmetricBetaND_version() -> "unsigned int":
return _npstat.ProductSymmetricBetaND_version()
def ProductSymmetricBetaND_read(id: "ClassId", _in: "istream") -> "npstat::ProductSymmetricBetaND *":
return _npstat.ProductSymmetricBetaND_read(id, _in)
class RadialProfileND(AbsScalableDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def clone(self) -> "npstat::RadialProfileND *":
return _npstat.RadialProfileND_clone(self)
__swig_destroy__ = _npstat.delete_RadialProfileND
def mappedByQuantiles(self) -> "bool":
return _npstat.RadialProfileND_mappedByQuantiles(self)
def interpolationDegree(self) -> "unsigned int":
return _npstat.RadialProfileND_interpolationDegree(self)
def profileLength(self) -> "unsigned int":
return _npstat.RadialProfileND_profileLength(self)
def profileData(self) -> "double const *":
return _npstat.RadialProfileND_profileData(self)
def classId(self) -> "gs::ClassId":
return _npstat.RadialProfileND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.RadialProfileND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.RadialProfileND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.RadialProfileND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::RadialProfileND *":
return _npstat.RadialProfileND_read(id, _in)
def __init__(self, location1: "double const *", scale2: "double const *", data1: "double const *", interpolationDegree: "unsigned int"):
_npstat.RadialProfileND_swiginit(self, _npstat.new_RadialProfileND(location1, scale2, data1, interpolationDegree))
# Register RadialProfileND in _npstat:
_npstat.RadialProfileND_swigregister(RadialProfileND)
def RadialProfileND_classname() -> "char const *":
return _npstat.RadialProfileND_classname()
def RadialProfileND_version() -> "unsigned int":
return _npstat.RadialProfileND_version()
def RadialProfileND_read(id: "ClassId", _in: "istream") -> "npstat::RadialProfileND *":
return _npstat.RadialProfileND_read(id, _in)
class BinnedDensityND(AbsScalableDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def clone(self) -> "npstat::BinnedDensityND *":
return _npstat.BinnedDensityND_clone(self)
__swig_destroy__ = _npstat.delete_BinnedDensityND
def mappedByQuantiles(self) -> "bool":
return _npstat.BinnedDensityND_mappedByQuantiles(self)
def gridData(self) -> "npstat::ArrayND< double > const &":
return _npstat.BinnedDensityND_gridData(self)
def interpolationDegree(self) -> "unsigned int":
return _npstat.BinnedDensityND_interpolationDegree(self)
def classId(self) -> "gs::ClassId":
return _npstat.BinnedDensityND_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.BinnedDensityND_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.BinnedDensityND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.BinnedDensityND_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::BinnedDensityND *":
return _npstat.BinnedDensityND_read(id, _in)
def __init__(self, *args):
_npstat.BinnedDensityND_swiginit(self, _npstat.new_BinnedDensityND(*args))
# Register BinnedDensityND in _npstat:
_npstat.BinnedDensityND_swigregister(BinnedDensityND)
def BinnedDensityND_classname() -> "char const *":
return _npstat.BinnedDensityND_classname()
def BinnedDensityND_version() -> "unsigned int":
return _npstat.BinnedDensityND_version()
def BinnedDensityND_read(id: "ClassId", _in: "istream") -> "npstat::BinnedDensityND *":
return _npstat.BinnedDensityND_read(id, _in)
class LinTransformedDistroND(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def clone(self) -> "npstat::LinTransformedDistroND *":
return _npstat.LinTransformedDistroND_clone(self)
__swig_destroy__ = _npstat.delete_LinTransformedDistroND
def density(self, x: "double const *") -> "double":
return _npstat.LinTransformedDistroND_density(self, x)
def unitMap(self, rnd: "double const *", bufLen: "unsigned int", x: "double *") -> "void":
return _npstat.LinTransformedDistroND_unitMap(self, rnd, bufLen, x)
def mappedByQuantiles(self) -> "bool":
return _npstat.LinTransformedDistroND_mappedByQuantiles(self)
def getShift(self, index: "unsigned int const") -> "double":
return _npstat.LinTransformedDistroND_getShift(self, index)
def getS(self) -> "npstat::Matrix< double > const &":
return _npstat.LinTransformedDistroND_getS(self)
def getInverseS(self) -> "npstat::Matrix< double > const &":
return _npstat.LinTransformedDistroND_getInverseS(self)
def classId(self) -> "gs::ClassId":
return _npstat.LinTransformedDistroND_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.LinTransformedDistroND_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.LinTransformedDistroND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LinTransformedDistroND_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::LinTransformedDistroND *":
return _npstat.LinTransformedDistroND_read(id, arg2)
def __init__(self, *args):
_npstat.LinTransformedDistroND_swiginit(self, _npstat.new_LinTransformedDistroND(*args))
# Register LinTransformedDistroND in _npstat:
_npstat.LinTransformedDistroND_swigregister(LinTransformedDistroND)
def LinTransformedDistroND_classname() -> "char const *":
return _npstat.LinTransformedDistroND_classname()
def LinTransformedDistroND_version() -> "unsigned int":
return _npstat.LinTransformedDistroND_version()
def LinTransformedDistroND_read(id: "ClassId", arg2: "istream") -> "npstat::LinTransformedDistroND *":
return _npstat.LinTransformedDistroND_read(id, arg2)
class ArchiveRecord_ProductDistributionND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "ProductDistributionND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_ProductDistributionND_swiginit(self, _npstat.new_ArchiveRecord_ProductDistributionND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_ProductDistributionND
# Register ArchiveRecord_ProductDistributionND in _npstat:
_npstat.ArchiveRecord_ProductDistributionND_swigregister(ArchiveRecord_ProductDistributionND)
class Ref_ProductDistributionND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ProductDistributionND_swiginit(self, _npstat.new_Ref_ProductDistributionND(*args))
def restore(self, index: "unsigned long", obj: "ProductDistributionND") -> "void":
return _npstat.Ref_ProductDistributionND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ProductDistributionND *":
return _npstat.Ref_ProductDistributionND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ProductDistributionND":
return _npstat.Ref_ProductDistributionND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ProductDistributionND
# Register Ref_ProductDistributionND in _npstat:
_npstat.Ref_ProductDistributionND_swigregister(Ref_ProductDistributionND)
class ArchiveRecord_GaussND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "GaussND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_GaussND_swiginit(self, _npstat.new_ArchiveRecord_GaussND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_GaussND
# Register ArchiveRecord_GaussND in _npstat:
_npstat.ArchiveRecord_GaussND_swigregister(ArchiveRecord_GaussND)
class Ref_GaussND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_GaussND_swiginit(self, _npstat.new_Ref_GaussND(*args))
def restore(self, index: "unsigned long", obj: "GaussND") -> "void":
return _npstat.Ref_GaussND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::GaussND *":
return _npstat.Ref_GaussND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::GaussND":
return _npstat.Ref_GaussND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_GaussND
# Register Ref_GaussND in _npstat:
_npstat.Ref_GaussND_swigregister(Ref_GaussND)
class ArchiveRecord_UniformND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UniformND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_UniformND_swiginit(self, _npstat.new_ArchiveRecord_UniformND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_UniformND
# Register ArchiveRecord_UniformND in _npstat:
_npstat.ArchiveRecord_UniformND_swigregister(ArchiveRecord_UniformND)
class Ref_UniformND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UniformND_swiginit(self, _npstat.new_Ref_UniformND(*args))
def restore(self, index: "unsigned long", obj: "UniformND") -> "void":
return _npstat.Ref_UniformND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::UniformND *":
return _npstat.Ref_UniformND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::UniformND":
return _npstat.Ref_UniformND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UniformND
# Register Ref_UniformND in _npstat:
_npstat.Ref_UniformND_swigregister(Ref_UniformND)
class ArchiveRecord_ScalableSymmetricBetaND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "ScalableSymmetricBetaND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_ScalableSymmetricBetaND_swiginit(self, _npstat.new_ArchiveRecord_ScalableSymmetricBetaND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_ScalableSymmetricBetaND
# Register ArchiveRecord_ScalableSymmetricBetaND in _npstat:
_npstat.ArchiveRecord_ScalableSymmetricBetaND_swigregister(ArchiveRecord_ScalableSymmetricBetaND)
class Ref_ScalableSymmetricBetaND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ScalableSymmetricBetaND_swiginit(self, _npstat.new_Ref_ScalableSymmetricBetaND(*args))
def restore(self, index: "unsigned long", obj: "ScalableSymmetricBetaND") -> "void":
return _npstat.Ref_ScalableSymmetricBetaND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ScalableSymmetricBetaND *":
return _npstat.Ref_ScalableSymmetricBetaND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ScalableSymmetricBetaND":
return _npstat.Ref_ScalableSymmetricBetaND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ScalableSymmetricBetaND
# Register Ref_ScalableSymmetricBetaND in _npstat:
_npstat.Ref_ScalableSymmetricBetaND_swigregister(Ref_ScalableSymmetricBetaND)
class ArchiveRecord_ScalableHuberND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "ScalableHuberND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_ScalableHuberND_swiginit(self, _npstat.new_ArchiveRecord_ScalableHuberND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_ScalableHuberND
# Register ArchiveRecord_ScalableHuberND in _npstat:
_npstat.ArchiveRecord_ScalableHuberND_swigregister(ArchiveRecord_ScalableHuberND)
class Ref_ScalableHuberND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ScalableHuberND_swiginit(self, _npstat.new_Ref_ScalableHuberND(*args))
def restore(self, index: "unsigned long", obj: "ScalableHuberND") -> "void":
return _npstat.Ref_ScalableHuberND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ScalableHuberND *":
return _npstat.Ref_ScalableHuberND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ScalableHuberND":
return _npstat.Ref_ScalableHuberND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ScalableHuberND
# Register Ref_ScalableHuberND in _npstat:
_npstat.Ref_ScalableHuberND_swigregister(Ref_ScalableHuberND)
class ArchiveRecord_RadialProfileND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "RadialProfileND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_RadialProfileND_swiginit(self, _npstat.new_ArchiveRecord_RadialProfileND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_RadialProfileND
# Register ArchiveRecord_RadialProfileND in _npstat:
_npstat.ArchiveRecord_RadialProfileND_swigregister(ArchiveRecord_RadialProfileND)
class Ref_RadialProfileND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_RadialProfileND_swiginit(self, _npstat.new_Ref_RadialProfileND(*args))
def restore(self, index: "unsigned long", obj: "RadialProfileND") -> "void":
return _npstat.Ref_RadialProfileND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::RadialProfileND *":
return _npstat.Ref_RadialProfileND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::RadialProfileND":
return _npstat.Ref_RadialProfileND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_RadialProfileND
# Register Ref_RadialProfileND in _npstat:
_npstat.Ref_RadialProfileND_swigregister(Ref_RadialProfileND)
class ArchiveRecord_BinnedDensityND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "BinnedDensityND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_BinnedDensityND_swiginit(self, _npstat.new_ArchiveRecord_BinnedDensityND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_BinnedDensityND
# Register ArchiveRecord_BinnedDensityND in _npstat:
_npstat.ArchiveRecord_BinnedDensityND_swigregister(ArchiveRecord_BinnedDensityND)
class Ref_BinnedDensityND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_BinnedDensityND_swiginit(self, _npstat.new_Ref_BinnedDensityND(*args))
def restore(self, index: "unsigned long", obj: "BinnedDensityND") -> "void":
return _npstat.Ref_BinnedDensityND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::BinnedDensityND *":
return _npstat.Ref_BinnedDensityND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::BinnedDensityND":
return _npstat.Ref_BinnedDensityND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_BinnedDensityND
# Register Ref_BinnedDensityND in _npstat:
_npstat.Ref_BinnedDensityND_swigregister(Ref_BinnedDensityND)
class ArchiveRecord_LinTransformedDistroND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LinTransformedDistroND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LinTransformedDistroND_swiginit(self, _npstat.new_ArchiveRecord_LinTransformedDistroND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LinTransformedDistroND
# Register ArchiveRecord_LinTransformedDistroND in _npstat:
_npstat.ArchiveRecord_LinTransformedDistroND_swigregister(ArchiveRecord_LinTransformedDistroND)
class Ref_LinTransformedDistroND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LinTransformedDistroND_swiginit(self, _npstat.new_Ref_LinTransformedDistroND(*args))
def restore(self, index: "unsigned long", obj: "LinTransformedDistroND") -> "void":
return _npstat.Ref_LinTransformedDistroND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::LinTransformedDistroND *":
return _npstat.Ref_LinTransformedDistroND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::LinTransformedDistroND":
return _npstat.Ref_LinTransformedDistroND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LinTransformedDistroND
# Register Ref_LinTransformedDistroND in _npstat:
_npstat.Ref_LinTransformedDistroND_swigregister(Ref_LinTransformedDistroND)
class AbsCGF1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsCGF1D
def clone(self) -> "npstat::AbsCGF1D *":
return _npstat.AbsCGF1D_clone(self)
def shiftAndScale(self, mu: "double", sigma: "double") -> "npstat::AbsCGF1D *":
return _npstat.AbsCGF1D_shiftAndScale(self, mu, sigma)
def smin(self) -> "double":
return _npstat.AbsCGF1D_smin(self)
def smax(self) -> "double":
return _npstat.AbsCGF1D_smax(self)
def __call__(self, s: "double") -> "double":
return _npstat.AbsCGF1D___call__(self, s)
def derivative(self, order: "unsigned int", s: "double") -> "double":
return _npstat.AbsCGF1D_derivative(self, order, s)
def saddlepoint(self, x: "double") -> "double":
return _npstat.AbsCGF1D_saddlepoint(self, x)
def convexLimit(self, slimit: "double", stepSize: "double") -> "double":
return _npstat.AbsCGF1D_convexLimit(self, slimit, stepSize)
def standardizedCumulant(self, order: "unsigned int", s: "double") -> "double":
return _npstat.AbsCGF1D_standardizedCumulant(self, order, s)
def saddlepointDensityApprox(self, order: "unsigned int", x: "double") -> "double":
return _npstat.AbsCGF1D_saddlepointDensityApprox(self, order, x)
def lugannaniRiceSFApprox(self, nTerms: "unsigned int", x: "double") -> "double":
return _npstat.AbsCGF1D_lugannaniRiceSFApprox(self, nTerms, x)
def __eq__(self, r: "AbsCGF1D") -> "bool":
return _npstat.AbsCGF1D___eq__(self, r)
def __ne__(self, r: "AbsCGF1D") -> "bool":
return _npstat.AbsCGF1D___ne__(self, r)
# Register AbsCGF1D in _npstat:
_npstat.AbsCGF1D_swigregister(AbsCGF1D)
def saddlepointDistribution1D(cgf: "AbsCGF1D", saddlepointApproximationOrder: "unsigned int", tableInterpolationDegree: "unsigned int", nCoords: "unsigned int", xmin: "double", xmax: "double") -> "npstat::Tabulated1D *":
return _npstat.saddlepointDistribution1D(cgf, saddlepointApproximationOrder, tableInterpolationDegree, nCoords, xmin, xmax)
class LocalQuadraticLeastSquares1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares1D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares1D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares1D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares1D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares1D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares1D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares1D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares1D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares1D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares1D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares1D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point1DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares1D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares1D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point1DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares1D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares1D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares1D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares1D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares1D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares1D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares1D in _npstat:
_npstat.LocalQuadraticLeastSquares1D_swigregister(LocalQuadraticLeastSquares1D)
class LocalQuadraticLeastSquares2D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares2D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares2D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares2D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares2D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares2D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares2D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares2D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares2D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares2D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares2D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares2D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point2DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares2D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares2D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point2DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares2D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares2D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares2D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares2D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares2D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares2D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares2D in _npstat:
_npstat.LocalQuadraticLeastSquares2D_swigregister(LocalQuadraticLeastSquares2D)
class LocalQuadraticLeastSquares3D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares3D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares3D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares3D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares3D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares3D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares3D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares3D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares3D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares3D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares3D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares3D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point3DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares3D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares3D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point3DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares3D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares3D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares3D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares3D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares3D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares3D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares3D in _npstat:
_npstat.LocalQuadraticLeastSquares3D_swigregister(LocalQuadraticLeastSquares3D)
class LocalQuadraticLeastSquares4D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares4D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares4D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares4D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares4D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares4D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares4D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares4D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares4D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares4D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares4D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares4D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point4DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares4D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares4D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point4DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares4D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares4D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares4D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares4D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares4D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares4D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares4D in _npstat:
_npstat.LocalQuadraticLeastSquares4D_swigregister(LocalQuadraticLeastSquares4D)
class LocalQuadraticLeastSquares5D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares5D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares5D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares5D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares5D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares5D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares5D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares5D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares5D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares5D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares5D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares5D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point5DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares5D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares5D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point5DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares5D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares5D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares5D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares5D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares5D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares5D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares5D in _npstat:
_npstat.LocalQuadraticLeastSquares5D_swigregister(LocalQuadraticLeastSquares5D)
class LocalQuadraticLeastSquares6D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares6D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares6D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares6D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares6D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares6D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares6D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares6D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares6D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares6D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares6D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares6D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point6DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares6D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares6D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point6DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares6D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares6D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares6D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares6D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares6D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares6D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares6D in _npstat:
_npstat.LocalQuadraticLeastSquares6D_swigregister(LocalQuadraticLeastSquares6D)
class LocalQuadraticLeastSquares7D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares7D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares7D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares7D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares7D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares7D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares7D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares7D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares7D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares7D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares7D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares7D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point7DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares7D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares7D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point7DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares7D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares7D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares7D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares7D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares7D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares7D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares7D in _npstat:
_npstat.LocalQuadraticLeastSquares7D_swigregister(LocalQuadraticLeastSquares7D)
class LocalQuadraticLeastSquares8D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares8D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares8D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares8D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares8D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares8D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares8D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares8D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares8D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares8D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares8D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares8D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point8DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares8D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares8D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point8DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares8D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares8D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares8D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares8D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares8D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares8D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares8D in _npstat:
_npstat.LocalQuadraticLeastSquares8D_swigregister(LocalQuadraticLeastSquares8D)
class LocalQuadraticLeastSquares9D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares9D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares9D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares9D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares9D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares9D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares9D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares9D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares9D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares9D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares9D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares9D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point9DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares9D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares9D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point9DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares9D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares9D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares9D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares9D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares9D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares9D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares9D in _npstat:
_npstat.LocalQuadraticLeastSquares9D_swigregister(LocalQuadraticLeastSquares9D)
class LocalQuadraticLeastSquares10D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LocalQuadraticLeastSquares10D
def dim(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares10D_dim(self)
def polyDegree(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares10D_polyDegree(self)
def nPoints(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares10D_nPoints(self)
def nTermsFitted(self) -> "unsigned int":
return _npstat.LocalQuadraticLeastSquares10D_nTermsFitted(self)
def hasErrors(self) -> "bool":
return _npstat.LocalQuadraticLeastSquares10D_hasErrors(self)
def getBandwidth(self, bwNumber: "unsigned int const") -> "double":
return _npstat.LocalQuadraticLeastSquares10D_getBandwidth(self, bwNumber)
def chiSquare(self) -> "double":
return _npstat.LocalQuadraticLeastSquares10D_chiSquare(self)
def lscvCriterion(self) -> "double":
return _npstat.LocalQuadraticLeastSquares10D_lscvCriterion(self)
def setBandwidth(self, bwNum: "unsigned int const", newBw: "double const") -> "void":
return _npstat.LocalQuadraticLeastSquares10D_setBandwidth(self, bwNum, newBw)
def smootherMatrix(self, stepInErrorUnits: "double"=1.0e-3) -> "npstat::Matrix< double >":
return _npstat.LocalQuadraticLeastSquares10D_smootherMatrix(self, stepInErrorUnits)
def __init__(self, polyDegree: "unsigned int", weight: "AbsDistributionND", bandwidthValues: "double const *", pointCoords: "Point10DVector", values: "double const *", errors: "double const *"):
_npstat.LocalQuadraticLeastSquares10D_swiginit(self, _npstat.new_LocalQuadraticLeastSquares10D(polyDegree, weight, bandwidthValues, pointCoords, values, errors))
def setPointCoords(self, newCoords: "Point10DVector") -> "void":
return _npstat.LocalQuadraticLeastSquares10D_setPointCoords(self, newCoords)
def setValues(self, values: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares10D_setValues(self, values)
def setErrors(self, errors: "double const *") -> "void":
return _npstat.LocalQuadraticLeastSquares10D_setErrors(self, errors)
def fit(self, coordinate: "double const *") -> "double":
return _npstat.LocalQuadraticLeastSquares10D_fit(self, coordinate)
def fitWithGradient(self, coordinate: "double const *", gradient: "double *") -> "double":
return _npstat.LocalQuadraticLeastSquares10D_fitWithGradient(self, coordinate, gradient)
def fitWithHessian(self, coordinate: "double const *", gradient: "double *", hessian: "DoubleMatrix") -> "double":
return _npstat.LocalQuadraticLeastSquares10D_fitWithHessian(self, coordinate, gradient, hessian)
# Register LocalQuadraticLeastSquares10D in _npstat:
_npstat.LocalQuadraticLeastSquares10D_swigregister(LocalQuadraticLeastSquares10D)
def amisePluginBwGauss(filterDegree: "unsigned int", npoints: "double", sampleSigma: "double", expectedAmise: "double *"=None) -> "double":
return _npstat.amisePluginBwGauss(filterDegree, npoints, sampleSigma, expectedAmise)
def approxAmisePluginBwGauss(filterDegree: "double", npoints: "double", sampleSigma: "double") -> "double":
return _npstat.approxAmisePluginBwGauss(filterDegree, npoints, sampleSigma)
def amisePluginBwSymbeta(power: "unsigned int", filterDegree: "unsigned int", npoints: "double", sampleSigma: "double", expectedAmise: "double *"=None) -> "double":
return _npstat.amisePluginBwSymbeta(power, filterDegree, npoints, sampleSigma, expectedAmise)
def symbetaBandwidthRatio(power: "int", filterDegree: "unsigned int") -> "double":
return _npstat.symbetaBandwidthRatio(power, filterDegree)
def approxSymbetaBandwidthRatio(power: "int", filterDegree: "double") -> "double":
return _npstat.approxSymbetaBandwidthRatio(power, filterDegree)
def amisePluginDegreeGauss(npoints: "double") -> "unsigned int":
return _npstat.amisePluginDegreeGauss(npoints)
def amisePluginDegreeSymbeta(power: "unsigned int", npoints: "double") -> "unsigned int":
return _npstat.amisePluginDegreeSymbeta(power, npoints)
def maxFilterDegreeSupported() -> "unsigned int":
return _npstat.maxFilterDegreeSupported()
def integralOfSymmetricBetaSquared(*args) -> "double":
return _npstat.integralOfSymmetricBetaSquared(*args)
def amiseOptimalBwGauss(filterDegree: "unsigned int", npoints: "double", fvalues: "double const *", h: "double") -> "std::pair< double,double >":
return _npstat.amiseOptimalBwGauss(filterDegree, npoints, fvalues, h)
def amiseOptimalBwSymbeta(power: "unsigned int", filterDegree: "unsigned int", npoints: "double", fvalues: "double const *", h: "double") -> "std::pair< double,double >":
return _npstat.amiseOptimalBwSymbeta(power, filterDegree, npoints, fvalues, h)
class KDECopulaSmoother_10(CVCopulaSmoother1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nBinsInEachDim: "unsigned int const *", marginTolerance: "double", maxNormCycles: "unsigned int", kernel: "AbsDistributionND", taper: "double const *", initialBw: "double", cvCalc: "DoubleAbsBandwidthCVND", becomeCvCalcOwner: "bool", cvRange: "double", nCV: "unsigned int", dummy: "bool"):
_npstat.KDECopulaSmoother_10_swiginit(self, _npstat.new_KDECopulaSmoother_10(nBinsInEachDim, marginTolerance, maxNormCycles, kernel, taper, initialBw, cvCalc, becomeCvCalcOwner, cvRange, nCV, dummy))
__swig_destroy__ = _npstat.delete_KDECopulaSmoother_10
# Register KDECopulaSmoother_10 in _npstat:
_npstat.KDECopulaSmoother_10_swigregister(KDECopulaSmoother_10)
class ULongVectorDoubleVectorPair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ULongVectorDoubleVectorPair_swiginit(self, _npstat.new_ULongVectorDoubleVectorPair(*args))
first = property(_npstat.ULongVectorDoubleVectorPair_first_get, _npstat.ULongVectorDoubleVectorPair_first_set)
second = property(_npstat.ULongVectorDoubleVectorPair_second_get, _npstat.ULongVectorDoubleVectorPair_second_set)
def __len__(self):
return 2
def __repr__(self):
return str((self.first, self.second))
def __getitem__(self, index):
if not (index % 2):
return self.first
else:
return self.second
def __setitem__(self, index, val):
if not (index % 2):
self.first = val
else:
self.second = val
__swig_destroy__ = _npstat.delete_ULongVectorDoubleVectorPair
# Register ULongVectorDoubleVectorPair in _npstat:
_npstat.ULongVectorDoubleVectorPair_swigregister(ULongVectorDoubleVectorPair)
class ResponseMatrixArrayND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_ResponseMatrixArrayND
def uninitialize(self) -> "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > &":
return _npstat.ResponseMatrixArrayND_uninitialize(self)
def reshape(self, *args) -> "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > &":
return _npstat.ResponseMatrixArrayND_reshape(self, *args)
def valueAt(self, *args) -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const &":
return _npstat.ResponseMatrixArrayND_valueAt(self, *args)
def linearPtr(self, *args) -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const &":
return _npstat.ResponseMatrixArrayND_linearPtr(self, *args)
def convertLinearIndex(self, *args) -> "npstat::ArrayShape":
return _npstat.ResponseMatrixArrayND_convertLinearIndex(self, *args)
def nonZeroRange(self) -> "npstat::ArrayRange":
return _npstat.ResponseMatrixArrayND_nonZeroRange(self)
def linearIndex(self, *args) -> "unsigned long":
return _npstat.ResponseMatrixArrayND_linearIndex(self, *args)
def length(self) -> "unsigned long":
return _npstat.ResponseMatrixArrayND_length(self)
def data(self) -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const *":
return _npstat.ResponseMatrixArrayND_data(self)
def isShapeKnown(self) -> "bool":
return _npstat.ResponseMatrixArrayND_isShapeKnown(self)
def rank(self) -> "unsigned int":
return _npstat.ResponseMatrixArrayND_rank(self)
def shape(self) -> "npstat::ArrayShape":
return _npstat.ResponseMatrixArrayND_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.ResponseMatrixArrayND_shapeData(self)
def fullRange(self) -> "npstat::ArrayRange":
return _npstat.ResponseMatrixArrayND_fullRange(self)
def span(self, dim: "unsigned int") -> "unsigned int":
return _npstat.ResponseMatrixArrayND_span(self, dim)
def maximumSpan(self) -> "unsigned int":
return _npstat.ResponseMatrixArrayND_maximumSpan(self)
def minimumSpan(self) -> "unsigned int":
return _npstat.ResponseMatrixArrayND_minimumSpan(self)
def strides(self) -> "unsigned long const *":
return _npstat.ResponseMatrixArrayND_strides(self)
def isZero(self) -> "bool":
return _npstat.ResponseMatrixArrayND_isZero(self)
def isNonZero(self) -> "bool":
return _npstat.ResponseMatrixArrayND_isNonZero(self)
def __pos__(self) -> "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >":
return _npstat.ResponseMatrixArrayND___pos__(self)
def transpose(self, *args) -> "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >":
return _npstat.ResponseMatrixArrayND_transpose(self, *args)
def closestPtr(self, *args) -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const &":
return _npstat.ResponseMatrixArrayND_closestPtr(self, *args)
def constFill(self, c: "ULongVectorDoubleVectorPair") -> "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > &":
return _npstat.ResponseMatrixArrayND_constFill(self, c)
def clear(self) -> "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > > &":
return _npstat.ResponseMatrixArrayND_clear(self)
def isCompatible(self, *args) -> "bool":
return _npstat.ResponseMatrixArrayND_isCompatible(self, *args)
def sliceShape(self, fixedIndices: "unsigned int const *", nFixedIndices: "unsigned int") -> "npstat::ArrayShape":
return _npstat.ResponseMatrixArrayND_sliceShape(self, fixedIndices, nFixedIndices)
def ptr(self, *args) -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const &":
return _npstat.ResponseMatrixArrayND_ptr(self, *args)
def clPtr(self, *args) -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const &":
return _npstat.ResponseMatrixArrayND_clPtr(self, *args)
def classId(self) -> "gs::ClassId":
return _npstat.ResponseMatrixArrayND_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.ResponseMatrixArrayND_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.ResponseMatrixArrayND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ResponseMatrixArrayND_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "ResponseMatrixArrayND") -> "void":
return _npstat.ResponseMatrixArrayND_restore(id, _in, array)
def setValue(self, indexS: "unsigned int const *", indexLenS: "unsigned int", v: "ULongVectorDoubleVectorPair") -> "void":
return _npstat.ResponseMatrixArrayND_setValue(self, indexS, indexLenS, v)
def value(self, indexS: "unsigned int const *", indexLenS: "unsigned int") -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >":
return _npstat.ResponseMatrixArrayND_value(self, indexS, indexLenS)
def setLinearValue(self, index: "unsigned long", v: "ULongVectorDoubleVectorPair") -> "void":
return _npstat.ResponseMatrixArrayND_setLinearValue(self, index, v)
def linearValue(self, index: "unsigned long") -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >":
return _npstat.ResponseMatrixArrayND_linearValue(self, index)
def setClosest(self, x: "double const *", xDim: "unsigned int", v: "ULongVectorDoubleVectorPair") -> "void":
return _npstat.ResponseMatrixArrayND_setClosest(self, x, xDim, v)
def closest(self, x: "double const *", xDim: "unsigned int") -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > const":
return _npstat.ResponseMatrixArrayND_closest(self, x, xDim)
def set(self, *args) -> "void":
return _npstat.ResponseMatrixArrayND_set(self, *args)
def __call__(self, *args) -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >":
return _npstat.ResponseMatrixArrayND___call__(self, *args)
def setCl(self, *args) -> "void":
return _npstat.ResponseMatrixArrayND_setCl(self, *args)
def cl(self, *args) -> "std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > >":
return _npstat.ResponseMatrixArrayND_cl(self, *args)
def setData(self, data: "ULongVectorDoubleVectorPair", dataLength: "unsigned long") -> "void":
return _npstat.ResponseMatrixArrayND_setData(self, data, dataLength)
def __eq__(self, r: "ResponseMatrixArrayND") -> "bool":
return _npstat.ResponseMatrixArrayND___eq__(self, r)
def __ne__(self, r: "ResponseMatrixArrayND") -> "bool":
return _npstat.ResponseMatrixArrayND___ne__(self, r)
def isShapeCompatible(self, r: "ResponseMatrixArrayND") -> "bool":
return _npstat.ResponseMatrixArrayND_isShapeCompatible(self, r)
def exportSlice(self, slice: "ResponseMatrixArrayND", fixedIndicesS: "unsigned int const *", nFixedIndicesS: "unsigned int", fixedIndexValuesS: "unsigned int const *", nFixedValuesS: "unsigned int") -> "void":
return _npstat.ResponseMatrixArrayND_exportSlice(self, slice, fixedIndicesS, nFixedIndicesS, fixedIndexValuesS, nFixedValuesS)
def exportMemSlice(self, slice: "ULongVectorDoubleVectorPair", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.ResponseMatrixArrayND_exportMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def importSlice(self, slice: "ResponseMatrixArrayND", fixedIndicesS: "unsigned int const *", nFixedIndicesS: "unsigned int", fixedIndexValuesS: "unsigned int const *", nFixedValuesS: "unsigned int") -> "void":
return _npstat.ResponseMatrixArrayND_importSlice(self, slice, fixedIndicesS, nFixedIndicesS, fixedIndexValuesS, nFixedValuesS)
def importMemSlice(self, slice: "ULongVectorDoubleVectorPair", len: "unsigned long", fixedIndices: "unsigned int const *", fixedIndexValues: "unsigned int const *", nFixedInd: "unsigned int") -> "void":
return _npstat.ResponseMatrixArrayND_importMemSlice(self, slice, len, fixedIndices, fixedIndexValues, nFixedInd)
def subrange(self, range: "ArrayRange") -> "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >":
return _npstat.ResponseMatrixArrayND_subrange(self, range)
def slice(self, indexS: "unsigned int const *", indexLenS: "unsigned int") -> "npstat::ArrayND< std::pair< std::vector< unsigned long,std::allocator< unsigned long > >,std::vector< double,std::allocator< double > > > >":
return _npstat.ResponseMatrixArrayND_slice(self, indexS, indexLenS)
def rotate(self, shiftsX: "unsigned int const *", lenShiftsX: "unsigned int", rotated: "ResponseMatrixArrayND") -> "void":
return _npstat.ResponseMatrixArrayND_rotate(self, shiftsX, lenShiftsX, rotated)
def mirror(self, mirrorDims: "unsigned int const *", mirrorLen: "unsigned int", mirrored: "ResponseMatrixArrayND") -> "void":
return _npstat.ResponseMatrixArrayND_mirror(self, mirrorDims, mirrorLen, mirrored)
def exportSubrange(self, cornerS: "unsigned int const *", lenCornerS: "unsigned int", to: "ResponseMatrixArrayND") -> "void":
return _npstat.ResponseMatrixArrayND_exportSubrange(self, cornerS, lenCornerS, to)
def importSubrange(self, cornerS: "unsigned int const *", lenCornerS: "unsigned int", _from: "ResponseMatrixArrayND") -> "void":
return _npstat.ResponseMatrixArrayND_importSubrange(self, cornerS, lenCornerS, _from)
def multiMirror(self, out: "ResponseMatrixArrayND") -> "void":
return _npstat.ResponseMatrixArrayND_multiMirror(self, out)
def __init__(self, *args):
_npstat.ResponseMatrixArrayND_swiginit(self, _npstat.new_ResponseMatrixArrayND(*args))
# Register ResponseMatrixArrayND in _npstat:
_npstat.ResponseMatrixArrayND_swigregister(ResponseMatrixArrayND)
def ResponseMatrixArrayND_classname() -> "char const *":
return _npstat.ResponseMatrixArrayND_classname()
def ResponseMatrixArrayND_version() -> "unsigned int":
return _npstat.ResponseMatrixArrayND_version()
def ResponseMatrixArrayND_restore(id: "ClassId", _in: "istream", array: "ResponseMatrixArrayND") -> "void":
return _npstat.ResponseMatrixArrayND_restore(id, _in, array)
class ResponseMatrix(ResponseMatrixArrayND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ResponseMatrix_swiginit(self, _npstat.new_ResponseMatrix(*args))
def shrinkToFit(self) -> "void":
return _npstat.ResponseMatrix_shrinkToFit(self)
def observedShape(self) -> "npstat::ArrayShape const &":
return _npstat.ResponseMatrix_observedShape(self)
def observedLength(self) -> "unsigned long":
return _npstat.ResponseMatrix_observedLength(self)
def isValid(self) -> "bool":
return _npstat.ResponseMatrix_isValid(self)
def timesVector(self, a: "DoubleArrayND", result: "DoubleArrayND") -> "void":
return _npstat.ResponseMatrix_timesVector(self, a, result)
def rowMultiply(self, a: "DoubleArrayND", result: "DoubleArrayND") -> "void":
return _npstat.ResponseMatrix_rowMultiply(self, a, result)
def T(self) -> "npstat::ResponseMatrix":
return _npstat.ResponseMatrix_T(self)
def __eq__(self, r: "ResponseMatrix") -> "bool":
return _npstat.ResponseMatrix___eq__(self, r)
def __ne__(self, r: "ResponseMatrix") -> "bool":
return _npstat.ResponseMatrix___ne__(self, r)
def denseMatrix(self) -> "npstat::Matrix< double >":
return _npstat.ResponseMatrix_denseMatrix(self)
def linearEfficiency(self, index: "unsigned long") -> "double":
return _npstat.ResponseMatrix_linearEfficiency(self, index)
def classId(self) -> "gs::ClassId":
return _npstat.ResponseMatrix_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.ResponseMatrix_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.ResponseMatrix_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ResponseMatrix_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", array: "ResponseMatrix") -> "void":
return _npstat.ResponseMatrix_restore(id, _in, array)
__swig_destroy__ = _npstat.delete_ResponseMatrix
# Register ResponseMatrix in _npstat:
_npstat.ResponseMatrix_swigregister(ResponseMatrix)
def ResponseMatrix_classname() -> "char const *":
return _npstat.ResponseMatrix_classname()
def ResponseMatrix_version() -> "unsigned int":
return _npstat.ResponseMatrix_version()
def ResponseMatrix_restore(id: "ClassId", _in: "istream", array: "ResponseMatrix") -> "void":
return _npstat.ResponseMatrix_restore(id, _in, array)
class ArchiveRecord_ResponseMatrix(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "ResponseMatrix", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_ResponseMatrix_swiginit(self, _npstat.new_ArchiveRecord_ResponseMatrix(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_ResponseMatrix
# Register ArchiveRecord_ResponseMatrix in _npstat:
_npstat.ArchiveRecord_ResponseMatrix_swigregister(ArchiveRecord_ResponseMatrix)
class Ref_ResponseMatrix(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ResponseMatrix_swiginit(self, _npstat.new_Ref_ResponseMatrix(*args))
def restore(self, index: "unsigned long", obj: "ResponseMatrix") -> "void":
return _npstat.Ref_ResponseMatrix_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ResponseMatrix *":
return _npstat.Ref_ResponseMatrix_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ResponseMatrix":
return _npstat.Ref_ResponseMatrix_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ResponseMatrix
# Register Ref_ResponseMatrix in _npstat:
_npstat.Ref_ResponseMatrix_swigregister(Ref_ResponseMatrix)
class AbsUnfoldND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsUnfoldND
def responseMatrix(self) -> "npstat::ResponseMatrix const &":
return _npstat.AbsUnfoldND_responseMatrix(self)
def efficiency(self) -> "npstat::ArrayND< double > const &":
return _npstat.AbsUnfoldND_efficiency(self)
def setInitialApproximation(self, approx: "DoubleArrayND") -> "void":
return _npstat.AbsUnfoldND_setInitialApproximation(self, approx)
def clearInitialApproximation(self) -> "void":
return _npstat.AbsUnfoldND_clearInitialApproximation(self)
def getInitialApproximation(self) -> "npstat::ArrayND< double > const &":
return _npstat.AbsUnfoldND_getInitialApproximation(self)
def setFilter(self, f: "AbsUnfoldingFilterND") -> "void":
val = _npstat.AbsUnfoldND_setFilter(self, f)
self._filter = f
return val
def getFilter(self, throwIfNull: "bool"=False) -> "npstat::AbsUnfoldingFilterND const *":
return _npstat.AbsUnfoldND_getFilter(self, throwIfNull)
def useConvolutions(self, b: "bool const") -> "void":
return _npstat.AbsUnfoldND_useConvolutions(self, b)
def usingConvolutions(self) -> "bool":
return _npstat.AbsUnfoldND_usingConvolutions(self)
def getObservedShape(self) -> "npstat::ArrayShape":
return _npstat.AbsUnfoldND_getObservedShape(self)
def getUnfoldedShape(self) -> "npstat::ArrayShape":
return _npstat.AbsUnfoldND_getUnfoldedShape(self)
def validateUnfoldedShape(self, *args) -> "void":
return _npstat.AbsUnfoldND_validateUnfoldedShape(self, *args)
def validateObservedShape(self, *args) -> "void":
return _npstat.AbsUnfoldND_validateObservedShape(self, *args)
@staticmethod
def probDelta(prev: "DoubleArrayND", next: "DoubleArrayND") -> "double":
return _npstat.AbsUnfoldND_probDelta(prev, next)
def unfold(self, *args) -> "npstat::ArrayND< double > *":
return _npstat.AbsUnfoldND_unfold(self, *args)
def unfoldNoCov(self, *args) -> "npstat::ArrayND< double > *":
return _npstat.AbsUnfoldND_unfoldNoCov(self, *args)
def fold(self, unfolded: "DoubleArrayND") -> "npstat::ArrayND< double > *":
return _npstat.AbsUnfoldND_fold(self, unfolded)
# Register AbsUnfoldND in _npstat:
_npstat.AbsUnfoldND_swigregister(AbsUnfoldND)
def AbsUnfoldND_probDelta(prev: "DoubleArrayND", next: "DoubleArrayND") -> "double":
return _npstat.AbsUnfoldND_probDelta(prev, next)
class SmoothedEMUnfoldND(AbsUnfoldND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, responseMatrix: "ResponseMatrix", filter: "AbsUnfoldingFilterND", useConvolutions: "bool", useMultinomialCovariance: "bool"=False, smoothLastIter: "bool"=True, convergenceEpsilon: "double"=1.0e-10, maxIterations: "unsigned int"=100000):
_npstat.SmoothedEMUnfoldND_swiginit(self, _npstat.new_SmoothedEMUnfoldND(responseMatrix, filter, useConvolutions, useMultinomialCovariance, smoothLastIter, convergenceEpsilon, maxIterations))
self._filter = filter
__swig_destroy__ = _npstat.delete_SmoothedEMUnfoldND
def setMaxIterations(self, u: "unsigned int const") -> "void":
return _npstat.SmoothedEMUnfoldND_setMaxIterations(self, u)
def useMultinomialCovariance(self, b: "bool const") -> "void":
return _npstat.SmoothedEMUnfoldND_useMultinomialCovariance(self, b)
def smoothLastIteration(self, b: "bool const") -> "void":
return _npstat.SmoothedEMUnfoldND_smoothLastIteration(self, b)
def setConvergenceEpsilon(self, eps: "double") -> "void":
return _npstat.SmoothedEMUnfoldND_setConvergenceEpsilon(self, eps)
def convergenceEpsilon(self) -> "double":
return _npstat.SmoothedEMUnfoldND_convergenceEpsilon(self)
def maxIterations(self) -> "unsigned int":
return _npstat.SmoothedEMUnfoldND_maxIterations(self)
def usingMultinomialCovariance(self) -> "bool":
return _npstat.SmoothedEMUnfoldND_usingMultinomialCovariance(self)
def smoothingLastIteration(self) -> "bool":
return _npstat.SmoothedEMUnfoldND_smoothingLastIteration(self)
def lastNIterations(self) -> "unsigned int":
return _npstat.SmoothedEMUnfoldND_lastNIterations(self)
def lastEPIterations(self) -> "unsigned int":
return _npstat.SmoothedEMUnfoldND_lastEPIterations(self)
def lastSmoothingNormfactor(self) -> "double":
return _npstat.SmoothedEMUnfoldND_lastSmoothingNormfactor(self)
# Register SmoothedEMUnfoldND in _npstat:
_npstat.SmoothedEMUnfoldND_swigregister(SmoothedEMUnfoldND)
class AbsDistro1DBuilder(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::vector< double > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder in _npstat:
_npstat.AbsDistro1DBuilder_swigregister(AbsDistro1DBuilder)
class AbsDistro1DBuilder2D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder2D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder2D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::array< double,2U > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder2D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder2D in _npstat:
_npstat.AbsDistro1DBuilder2D_swigregister(AbsDistro1DBuilder2D)
class AbsDistro1DBuilder3D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder3D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder3D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::array< double,3U > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder3D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder3D in _npstat:
_npstat.AbsDistro1DBuilder3D_swigregister(AbsDistro1DBuilder3D)
class AbsDistro1DBuilder4D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder4D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder4D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::array< double,4U > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder4D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder4D in _npstat:
_npstat.AbsDistro1DBuilder4D_swigregister(AbsDistro1DBuilder4D)
class AbsDistro1DBuilder5D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder5D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder5D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::array< double,5U > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder5D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder5D in _npstat:
_npstat.AbsDistro1DBuilder5D_swigregister(AbsDistro1DBuilder5D)
class AbsDistro1DBuilder6D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder6D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder6D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::array< double,6U > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder6D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder6D in _npstat:
_npstat.AbsDistro1DBuilder6D_swigregister(AbsDistro1DBuilder6D)
class AbsDistro1DBuilder7D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder7D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder7D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::array< double,7U > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder7D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder7D in _npstat:
_npstat.AbsDistro1DBuilder7D_swigregister(AbsDistro1DBuilder7D)
class AbsDistro1DBuilder8D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder8D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder8D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::array< double,8U > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder8D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder8D in _npstat:
_npstat.AbsDistro1DBuilder8D_swigregister(AbsDistro1DBuilder8D)
class AbsDistro1DBuilder9D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder9D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder9D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::array< double,9U > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder9D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder9D in _npstat:
_npstat.AbsDistro1DBuilder9D_swigregister(AbsDistro1DBuilder9D)
class AbsDistro1DBuilder10D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDistro1DBuilder10D
def build(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "DoubleVector") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder10D_build(self, uniqueId, predictorCoords, predictorBox, data)
def buildWeighted(self, uniqueId: "unsigned long", predictorCoords: "double const *", predictorBox: "DoubleBoxND", data: "npstat::AbsDistro1DBuilder< std::array< double,10U > >::WeightedPtrVec const &", responseDimToUse: "unsigned int") -> "npstat::AbsDistribution1D *":
return _npstat.AbsDistro1DBuilder10D_buildWeighted(self, uniqueId, predictorCoords, predictorBox, data, responseDimToUse)
# Register AbsDistro1DBuilder10D in _npstat:
_npstat.AbsDistro1DBuilder10D_swigregister(AbsDistro1DBuilder10D)
class LOrPEWeightsLocalConvergence(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_tol: "double const", i_normPower: "double const", i_useDensity: "bool const"):
_npstat.LOrPEWeightsLocalConvergence_swiginit(self, _npstat.new_LOrPEWeightsLocalConvergence(i_tol, i_normPower, i_useDensity))
def tol(self) -> "double":
return _npstat.LOrPEWeightsLocalConvergence_tol(self)
def normPower(self) -> "double":
return _npstat.LOrPEWeightsLocalConvergence_normPower(self)
def checkingConVergenceForDensity(self) -> "bool":
return _npstat.LOrPEWeightsLocalConvergence_checkingConVergenceForDensity(self)
__swig_destroy__ = _npstat.delete_LOrPEWeightsLocalConvergence
# Register LOrPEWeightsLocalConvergence in _npstat:
_npstat.LOrPEWeightsLocalConvergence_swigregister(LOrPEWeightsLocalConvergence)
class LOrPECopulaSmoother_10(CVCopulaSmoother2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nBinsInEachDim: "unsigned int const *", marginTolerance: "double", maxNormCycles: "unsigned int", kernel: "AbsDistributionND", taper: "double const *", initialBw: "double", cvCalc: "DoubleAbsBandwidthCVND", becomeCvCalcOwner: "bool", cvRange: "double", nCV: "unsigned int", useConvolve: "bool"):
_npstat.LOrPECopulaSmoother_10_swiginit(self, _npstat.new_LOrPECopulaSmoother_10(nBinsInEachDim, marginTolerance, maxNormCycles, kernel, taper, initialBw, cvCalc, becomeCvCalcOwner, cvRange, nCV, useConvolve))
__swig_destroy__ = _npstat.delete_LOrPECopulaSmoother_10
# Register LOrPECopulaSmoother_10 in _npstat:
_npstat.LOrPECopulaSmoother_10_swigregister(LOrPECopulaSmoother_10)
class UGaussConvolution1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", leftEdge: "double", uniformWidth: "double"):
_npstat.UGaussConvolution1D_swiginit(self, _npstat.new_UGaussConvolution1D(location, scale, leftEdge, uniformWidth))
def clone(self) -> "npstat::UGaussConvolution1D *":
return _npstat.UGaussConvolution1D_clone(self)
__swig_destroy__ = _npstat.delete_UGaussConvolution1D
def leftEdge(self) -> "double":
return _npstat.UGaussConvolution1D_leftEdge(self)
def uniformWidth(self) -> "double":
return _npstat.UGaussConvolution1D_uniformWidth(self)
def classId(self) -> "gs::ClassId":
return _npstat.UGaussConvolution1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.UGaussConvolution1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.UGaussConvolution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UGaussConvolution1D_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::UGaussConvolution1D *":
return _npstat.UGaussConvolution1D_read(id, arg2)
# Register UGaussConvolution1D in _npstat:
_npstat.UGaussConvolution1D_swigregister(UGaussConvolution1D)
def UGaussConvolution1D_classname() -> "char const *":
return _npstat.UGaussConvolution1D_classname()
def UGaussConvolution1D_version() -> "unsigned int":
return _npstat.UGaussConvolution1D_version()
def UGaussConvolution1D_read(id: "ClassId", arg2: "istream") -> "npstat::UGaussConvolution1D *":
return _npstat.UGaussConvolution1D_read(id, arg2)
class LOrPE1DSymbetaKernel(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LOrPE1DSymbetaKernel_swiginit(self, _npstat.new_LOrPE1DSymbetaKernel(*args))
__swig_destroy__ = _npstat.delete_LOrPE1DSymbetaKernel
def filterDegree(self) -> "double":
return _npstat.LOrPE1DSymbetaKernel_filterDegree(self)
def leftBoundary(self) -> "double":
return _npstat.LOrPE1DSymbetaKernel_leftBoundary(self)
def rightBoundary(self) -> "double":
return _npstat.LOrPE1DSymbetaKernel_rightBoundary(self)
def isMemoizing(self) -> "bool":
return _npstat.LOrPE1DSymbetaKernel_isMemoizing(self)
def memoize(self, b: "bool const") -> "void":
return _npstat.LOrPE1DSymbetaKernel_memoize(self, b)
def clearMemoizedInfo(self) -> "void":
return _npstat.LOrPE1DSymbetaKernel_clearMemoizedInfo(self)
def isBoundaryCorrectionNeeded(self, x: "double", bandwidth: "double") -> "bool":
return _npstat.LOrPE1DSymbetaKernel_isBoundaryCorrectionNeeded(self, x, bandwidth)
def setNormFactor(self, normfactor: "double") -> "void":
return _npstat.LOrPE1DSymbetaKernel_setNormFactor(self, normfactor)
def normFactor(self) -> "double":
return _npstat.LOrPE1DSymbetaKernel_normFactor(self)
def getLastKernelAt0(self) -> "double":
return _npstat.LOrPE1DSymbetaKernel_getLastKernelAt0(self)
def usedBoundaryCorrection(self) -> "bool":
return _npstat.LOrPE1DSymbetaKernel_usedBoundaryCorrection(self)
def __eq__(self, r: "LOrPE1DSymbetaKernel") -> "bool":
return _npstat.LOrPE1DSymbetaKernel___eq__(self, r)
def __ne__(self, r: "LOrPE1DSymbetaKernel") -> "bool":
return _npstat.LOrPE1DSymbetaKernel___ne__(self, r)
def lorpe(self, *args) -> "double":
return _npstat.LOrPE1DSymbetaKernel_lorpe(self, *args)
def buildBoundaryPoly(self, x: "double", bandwidth: "double") -> "npstat::AbsClassicalOrthoPoly1D *":
return _npstat.LOrPE1DSymbetaKernel_buildBoundaryPoly(self, x, bandwidth)
# Register LOrPE1DSymbetaKernel in _npstat:
_npstat.LOrPE1DSymbetaKernel_swigregister(LOrPE1DSymbetaKernel)
class DoubleFcnLOrPE1DFunctorHelper(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, kernel: "LOrPE1DSymbetaKernel", bandwidthFunctor: "DoubleFunctor1RefHelper", coords: "double const *", nCoords: "unsigned long const", coordinatesSorted: "bool const"):
_npstat.DoubleFcnLOrPE1DFunctorHelper_swiginit(self, _npstat.new_DoubleFcnLOrPE1DFunctorHelper(kernel, bandwidthFunctor, coords, nCoords, coordinatesSorted))
__swig_destroy__ = _npstat.delete_DoubleFcnLOrPE1DFunctorHelper
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleFcnLOrPE1DFunctorHelper___call__(self, x)
# Register DoubleFcnLOrPE1DFunctorHelper in _npstat:
_npstat.DoubleFcnLOrPE1DFunctorHelper_swigregister(DoubleFcnLOrPE1DFunctorHelper)
class DoubleDoublePairFcnLOrPE1DFunctorHelper(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, kernel: "LOrPE1DSymbetaKernel", bandwidthFunctor: "DoubleFunctor1RefHelper", coords: "DoubleDoublePair", nCoords: "unsigned long const", coordinatesSorted: "bool const"):
_npstat.DoubleDoublePairFcnLOrPE1DFunctorHelper_swiginit(self, _npstat.new_DoubleDoublePairFcnLOrPE1DFunctorHelper(kernel, bandwidthFunctor, coords, nCoords, coordinatesSorted))
__swig_destroy__ = _npstat.delete_DoubleDoublePairFcnLOrPE1DFunctorHelper
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePairFcnLOrPE1DFunctorHelper___call__(self, x)
# Register DoubleDoublePairFcnLOrPE1DFunctorHelper in _npstat:
_npstat.DoubleDoublePairFcnLOrPE1DFunctorHelper_swigregister(DoubleDoublePairFcnLOrPE1DFunctorHelper)
class DoubleDoubleLOrPE1DFunctorHelper(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, kernel: "LOrPE1DSymbetaKernel", bandwidthFunctor: "double", coords: "double const *", nCoords: "unsigned long const", coordinatesSorted: "bool const"):
_npstat.DoubleDoubleLOrPE1DFunctorHelper_swiginit(self, _npstat.new_DoubleDoubleLOrPE1DFunctorHelper(kernel, bandwidthFunctor, coords, nCoords, coordinatesSorted))
__swig_destroy__ = _npstat.delete_DoubleDoubleLOrPE1DFunctorHelper
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoubleLOrPE1DFunctorHelper___call__(self, x)
# Register DoubleDoubleLOrPE1DFunctorHelper in _npstat:
_npstat.DoubleDoubleLOrPE1DFunctorHelper_swigregister(DoubleDoubleLOrPE1DFunctorHelper)
class DoubleDoublePairDoubleLOrPE1DFunctorHelper(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, kernel: "LOrPE1DSymbetaKernel", bandwidthFunctor: "double", coords: "DoubleDoublePair", nCoords: "unsigned long const", coordinatesSorted: "bool const"):
_npstat.DoubleDoublePairDoubleLOrPE1DFunctorHelper_swiginit(self, _npstat.new_DoubleDoublePairDoubleLOrPE1DFunctorHelper(kernel, bandwidthFunctor, coords, nCoords, coordinatesSorted))
__swig_destroy__ = _npstat.delete_DoubleDoublePairDoubleLOrPE1DFunctorHelper
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePairDoubleLOrPE1DFunctorHelper___call__(self, x)
# Register DoubleDoublePairDoubleLOrPE1DFunctorHelper in _npstat:
_npstat.DoubleDoublePairDoubleLOrPE1DFunctorHelper_swigregister(DoubleDoublePairDoubleLOrPE1DFunctorHelper)
class UCharBandwidthCVLeastSquares1D(UCharAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharBandwidthCVLeastSquares1D
def __init__(self):
_npstat.UCharBandwidthCVLeastSquares1D_swiginit(self, _npstat.new_UCharBandwidthCVLeastSquares1D())
# Register UCharBandwidthCVLeastSquares1D in _npstat:
_npstat.UCharBandwidthCVLeastSquares1D_swigregister(UCharBandwidthCVLeastSquares1D)
class IntBandwidthCVLeastSquares1D(IntAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntBandwidthCVLeastSquares1D
def __init__(self):
_npstat.IntBandwidthCVLeastSquares1D_swiginit(self, _npstat.new_IntBandwidthCVLeastSquares1D())
# Register IntBandwidthCVLeastSquares1D in _npstat:
_npstat.IntBandwidthCVLeastSquares1D_swigregister(IntBandwidthCVLeastSquares1D)
class LongBandwidthCVLeastSquares1D(LongAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongBandwidthCVLeastSquares1D
def __init__(self):
_npstat.LongBandwidthCVLeastSquares1D_swiginit(self, _npstat.new_LongBandwidthCVLeastSquares1D())
# Register LongBandwidthCVLeastSquares1D in _npstat:
_npstat.LongBandwidthCVLeastSquares1D_swigregister(LongBandwidthCVLeastSquares1D)
class FloatBandwidthCVLeastSquares1D(FloatAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatBandwidthCVLeastSquares1D
def __init__(self):
_npstat.FloatBandwidthCVLeastSquares1D_swiginit(self, _npstat.new_FloatBandwidthCVLeastSquares1D())
# Register FloatBandwidthCVLeastSquares1D in _npstat:
_npstat.FloatBandwidthCVLeastSquares1D_swigregister(FloatBandwidthCVLeastSquares1D)
class DoubleBandwidthCVLeastSquares1D(DoubleAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleBandwidthCVLeastSquares1D
def __init__(self):
_npstat.DoubleBandwidthCVLeastSquares1D_swiginit(self, _npstat.new_DoubleBandwidthCVLeastSquares1D())
# Register DoubleBandwidthCVLeastSquares1D in _npstat:
_npstat.DoubleBandwidthCVLeastSquares1D_swigregister(DoubleBandwidthCVLeastSquares1D)
class StatAccumulatorArr(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.StatAccumulatorArr_swiginit(self, _npstat.new_StatAccumulatorArr(*args))
def dim(self) -> "unsigned long":
return _npstat.StatAccumulatorArr_dim(self)
def count(self) -> "unsigned long":
return _npstat.StatAccumulatorArr_count(self)
def min(self, i: "unsigned long") -> "double":
return _npstat.StatAccumulatorArr_min(self, i)
def max(self, i: "unsigned long") -> "double":
return _npstat.StatAccumulatorArr_max(self, i)
def mean(self, i: "unsigned long") -> "double":
return _npstat.StatAccumulatorArr_mean(self, i)
def stdev(self, i: "unsigned long") -> "double":
return _npstat.StatAccumulatorArr_stdev(self, i)
def meanUncertainty(self, i: "unsigned long") -> "double":
return _npstat.StatAccumulatorArr_meanUncertainty(self, i)
def accumulate(self, acc: "StatAccumulatorArr") -> "void":
return _npstat.StatAccumulatorArr_accumulate(self, acc)
def reset(self) -> "void":
return _npstat.StatAccumulatorArr_reset(self)
def __add__(self, r: "StatAccumulatorArr") -> "npstat::StatAccumulatorArr":
return _npstat.StatAccumulatorArr___add__(self, r)
def __eq__(self, r: "StatAccumulatorArr") -> "bool":
return _npstat.StatAccumulatorArr___eq__(self, r)
def __ne__(self, r: "StatAccumulatorArr") -> "bool":
return _npstat.StatAccumulatorArr___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.StatAccumulatorArr_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StatAccumulatorArr_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StatAccumulatorArr_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StatAccumulatorArr_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "StatAccumulatorArr") -> "void":
return _npstat.StatAccumulatorArr_restore(id, _in, acc)
def __mul__(self, r: "double const") -> "npstat::StatAccumulatorArr":
return _npstat.StatAccumulatorArr___mul__(self, r)
def __div__(self, r: "double const") -> "npstat::StatAccumulatorArr":
return _npstat.StatAccumulatorArr___div__(self, r)
def __imul__(self, r: "double const") -> "npstat::StatAccumulatorArr &":
return _npstat.StatAccumulatorArr___imul__(self, r)
def __idiv__(self, r: "double const") -> "npstat::StatAccumulatorArr &":
return _npstat.StatAccumulatorArr___idiv__(self, r)
def minArray(self, arr: "double *", len: "unsigned long const") -> "void":
return _npstat.StatAccumulatorArr_minArray(self, arr, len)
def maxArray(self, arr: "double *", len: "unsigned long const") -> "void":
return _npstat.StatAccumulatorArr_maxArray(self, arr, len)
def meanArray(self, arr: "double *", len: "unsigned long const") -> "void":
return _npstat.StatAccumulatorArr_meanArray(self, arr, len)
def stdevArray(self, arr: "double *", len: "unsigned long const") -> "void":
return _npstat.StatAccumulatorArr_stdevArray(self, arr, len)
def meanUncertaintyArray(self, arr: "double *", len: "unsigned long const") -> "void":
return _npstat.StatAccumulatorArr_meanUncertaintyArray(self, arr, len)
def __iadd__(self, *args) -> "npstat::StatAccumulatorArr &":
return _npstat.StatAccumulatorArr___iadd__(self, *args)
__swig_destroy__ = _npstat.delete_StatAccumulatorArr
# Register StatAccumulatorArr in _npstat:
_npstat.StatAccumulatorArr_swigregister(StatAccumulatorArr)
def StatAccumulatorArr_classname() -> "char const *":
return _npstat.StatAccumulatorArr_classname()
def StatAccumulatorArr_version() -> "unsigned int":
return _npstat.StatAccumulatorArr_version()
def StatAccumulatorArr_restore(id: "ClassId", _in: "istream", acc: "StatAccumulatorArr") -> "void":
return _npstat.StatAccumulatorArr_restore(id, _in, acc)
class ArchiveRecord_StatAccumulatorArr(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StatAccumulatorArr", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StatAccumulatorArr_swiginit(self, _npstat.new_ArchiveRecord_StatAccumulatorArr(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StatAccumulatorArr
# Register ArchiveRecord_StatAccumulatorArr in _npstat:
_npstat.ArchiveRecord_StatAccumulatorArr_swigregister(ArchiveRecord_StatAccumulatorArr)
class Ref_StatAccumulatorArr(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StatAccumulatorArr_swiginit(self, _npstat.new_Ref_StatAccumulatorArr(*args))
def restore(self, index: "unsigned long", obj: "StatAccumulatorArr") -> "void":
return _npstat.Ref_StatAccumulatorArr_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::StatAccumulatorArr *":
return _npstat.Ref_StatAccumulatorArr_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::StatAccumulatorArr":
return _npstat.Ref_StatAccumulatorArr_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_StatAccumulatorArr
# Register Ref_StatAccumulatorArr in _npstat:
_npstat.Ref_StatAccumulatorArr_swigregister(Ref_StatAccumulatorArr)
class AbsInterpolatedDistribution1D(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsInterpolatedDistribution1D
def clone(self) -> "npstat::AbsInterpolatedDistribution1D *":
return _npstat.AbsInterpolatedDistribution1D_clone(self)
def add(self, d: "AbsDistribution1D", weight: "double") -> "void":
return _npstat.AbsInterpolatedDistribution1D_add(self, d, weight)
def replace(self, i: "unsigned int", d: "AbsDistribution1D", weight: "double") -> "void":
return _npstat.AbsInterpolatedDistribution1D_replace(self, i, d, weight)
def setWeight(self, i: "unsigned int", weight: "double") -> "void":
return _npstat.AbsInterpolatedDistribution1D_setWeight(self, i, weight)
def clear(self) -> "void":
return _npstat.AbsInterpolatedDistribution1D_clear(self)
def size(self) -> "unsigned int":
return _npstat.AbsInterpolatedDistribution1D_size(self)
def expectedSize(self) -> "unsigned int":
return _npstat.AbsInterpolatedDistribution1D_expectedSize(self)
def normalizeAutomatically(self, allow: "bool") -> "void":
return _npstat.AbsInterpolatedDistribution1D_normalizeAutomatically(self, allow)
# Register AbsInterpolatedDistribution1D in _npstat:
_npstat.AbsInterpolatedDistribution1D_swigregister(AbsInterpolatedDistribution1D)
class VerticallyInterpolatedDistribution1D(AbsInterpolatedDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.VerticallyInterpolatedDistribution1D_swiginit(self, _npstat.new_VerticallyInterpolatedDistribution1D(*args))
__swig_destroy__ = _npstat.delete_VerticallyInterpolatedDistribution1D
def clone(self) -> "npstat::VerticallyInterpolatedDistribution1D *":
return _npstat.VerticallyInterpolatedDistribution1D_clone(self)
def add(self, d: "AbsDistribution1D", weight: "double") -> "void":
return _npstat.VerticallyInterpolatedDistribution1D_add(self, d, weight)
def replace(self, i: "unsigned int", d: "AbsDistribution1D", weight: "double") -> "void":
return _npstat.VerticallyInterpolatedDistribution1D_replace(self, i, d, weight)
def setWeight(self, i: "unsigned int", weight: "double") -> "void":
return _npstat.VerticallyInterpolatedDistribution1D_setWeight(self, i, weight)
def clear(self) -> "void":
return _npstat.VerticallyInterpolatedDistribution1D_clear(self)
def normalizeAutomatically(self, allow: "bool") -> "void":
return _npstat.VerticallyInterpolatedDistribution1D_normalizeAutomatically(self, allow)
def size(self) -> "unsigned int":
return _npstat.VerticallyInterpolatedDistribution1D_size(self)
def expectedSize(self) -> "unsigned int":
return _npstat.VerticallyInterpolatedDistribution1D_expectedSize(self)
def density(self, x: "double") -> "double":
return _npstat.VerticallyInterpolatedDistribution1D_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.VerticallyInterpolatedDistribution1D_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.VerticallyInterpolatedDistribution1D_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.VerticallyInterpolatedDistribution1D_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.VerticallyInterpolatedDistribution1D_classId(self)
@staticmethod
def classname() -> "char const *":
return _npstat.VerticallyInterpolatedDistribution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.VerticallyInterpolatedDistribution1D_version()
# Register VerticallyInterpolatedDistribution1D in _npstat:
_npstat.VerticallyInterpolatedDistribution1D_swigregister(VerticallyInterpolatedDistribution1D)
def VerticallyInterpolatedDistribution1D_classname() -> "char const *":
return _npstat.VerticallyInterpolatedDistribution1D_classname()
def VerticallyInterpolatedDistribution1D_version() -> "unsigned int":
return _npstat.VerticallyInterpolatedDistribution1D_version()
class AbsUnfold1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsUnfold1D
def responseMatrix(self) -> "npstat::Matrix< double > const &":
return _npstat.AbsUnfold1D_responseMatrix(self)
def transposedResponseMatrix(self) -> "npstat::Matrix< double > const &":
return _npstat.AbsUnfold1D_transposedResponseMatrix(self)
def efficiency(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.AbsUnfold1D_efficiency(self)
def smoothingNDoF(self) -> "std::pair< double,double >":
return _npstat.AbsUnfold1D_smoothingNDoF(self)
def responseNDoF(self) -> "std::pair< double,double >":
return _npstat.AbsUnfold1D_responseNDoF(self)
def smoothedResponseNDoF(self) -> "std::pair< double,double >":
return _npstat.AbsUnfold1D_smoothedResponseNDoF(self)
def modelNDoF(self) -> "std::pair< double,double >":
return _npstat.AbsUnfold1D_modelNDoF(self)
def setInitialApproximation(self, approx: "double const *") -> "void":
return _npstat.AbsUnfold1D_setInitialApproximation(self, approx)
def clearInitialApproximation(self) -> "void":
return _npstat.AbsUnfold1D_clearInitialApproximation(self)
def getInitialApproximation(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.AbsUnfold1D_getInitialApproximation(self)
def setFilter(self, f: "LocalPolyFilter1D") -> "void":
val = _npstat.AbsUnfold1D_setFilter(self, f)
self._filter = f
return val
def useConvolutions(self, b: "bool const") -> "void":
return _npstat.AbsUnfold1D_useConvolutions(self, b)
def usingConvolutions(self) -> "bool":
return _npstat.AbsUnfold1D_usingConvolutions(self)
@staticmethod
def observationCovariance(yhat: "double const *", isMultinomial: "bool") -> "npstat::Matrix< double >":
return _npstat.AbsUnfold1D_observationCovariance(yhat, isMultinomial)
def getFilter(self) -> "npstat::LocalPolyFilter1D const *":
return _npstat.AbsUnfold1D_getFilter(self)
@staticmethod
def probDelta(prev: "double const *", next: "double const *") -> "double":
return _npstat.AbsUnfold1D_probDelta(prev, next)
def unfold(self, *args) -> "PyObject *":
return _npstat.AbsUnfold1D_unfold(self, *args)
def unfoldNoCov(self, *args) -> "PyObject *":
return _npstat.AbsUnfold1D_unfoldNoCov(self, *args)
def fold(self, unfolded: "double const *") -> "PyObject *":
return _npstat.AbsUnfold1D_fold(self, unfolded)
# Register AbsUnfold1D in _npstat:
_npstat.AbsUnfold1D_swigregister(AbsUnfold1D)
def AbsUnfold1D_observationCovariance(yhat: "double const *", isMultinomial: "bool") -> "npstat::Matrix< double >":
return _npstat.AbsUnfold1D_observationCovariance(yhat, isMultinomial)
def AbsUnfold1D_probDelta(prev: "double const *", next: "double const *") -> "double":
return _npstat.AbsUnfold1D_probDelta(prev, next)
class SmoothedEMUnfold1D(AbsUnfold1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, responseMatrix: "DoubleMatrix", filter: "LocalPolyFilter1D", useConvolutions: "bool", useMultinomialCovariance: "bool"=False, smoothLastIter: "bool"=True, convergenceEpsilon: "double"=1.0e-10, maxIterations: "unsigned int"=100000):
_npstat.SmoothedEMUnfold1D_swiginit(self, _npstat.new_SmoothedEMUnfold1D(responseMatrix, filter, useConvolutions, useMultinomialCovariance, smoothLastIter, convergenceEpsilon, maxIterations))
self._filter = filter
__swig_destroy__ = _npstat.delete_SmoothedEMUnfold1D
def setMaxIterations(self, u: "unsigned int const") -> "void":
return _npstat.SmoothedEMUnfold1D_setMaxIterations(self, u)
def useMultinomialCovariance(self, b: "bool const") -> "void":
return _npstat.SmoothedEMUnfold1D_useMultinomialCovariance(self, b)
def smoothLastIteration(self, b: "bool const") -> "void":
return _npstat.SmoothedEMUnfold1D_smoothLastIteration(self, b)
def setConvergenceEpsilon(self, eps: "double") -> "void":
return _npstat.SmoothedEMUnfold1D_setConvergenceEpsilon(self, eps)
def convergenceEpsilon(self) -> "double":
return _npstat.SmoothedEMUnfold1D_convergenceEpsilon(self)
def maxIterations(self) -> "unsigned int":
return _npstat.SmoothedEMUnfold1D_maxIterations(self)
def usingMultinomialCovariance(self) -> "bool":
return _npstat.SmoothedEMUnfold1D_usingMultinomialCovariance(self)
def smoothingLastIteration(self) -> "bool":
return _npstat.SmoothedEMUnfold1D_smoothingLastIteration(self)
def lastNIterations(self) -> "unsigned int":
return _npstat.SmoothedEMUnfold1D_lastNIterations(self)
def lastEPIterations(self) -> "unsigned int":
return _npstat.SmoothedEMUnfold1D_lastEPIterations(self)
def lastSmoothingNormfactor(self) -> "double":
return _npstat.SmoothedEMUnfold1D_lastSmoothingNormfactor(self)
# Register SmoothedEMUnfold1D in _npstat:
_npstat.SmoothedEMUnfold1D_swigregister(SmoothedEMUnfold1D)
class DiscreteGaussCopulaSmoother(CVCopulaSmoother0):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nBinsInEachDim: "unsigned int const *", marginTolerance: "double", maxNormCycles: "unsigned int", cvCalc: "DoubleAbsBandwidthCVND", becomeCvCalcOwner: "bool", bandwidthsToUse: "DoubleMatrix"):
_npstat.DiscreteGaussCopulaSmoother_swiginit(self, _npstat.new_DiscreteGaussCopulaSmoother(nBinsInEachDim, marginTolerance, maxNormCycles, cvCalc, becomeCvCalcOwner, bandwidthsToUse))
__swig_destroy__ = _npstat.delete_DiscreteGaussCopulaSmoother
# Register DiscreteGaussCopulaSmoother in _npstat:
_npstat.DiscreteGaussCopulaSmoother_swigregister(DiscreteGaussCopulaSmoother)
def multinomialCovariance1D(fcn: "AbsDistribution1D", sampleSize: "double", nbins: "unsigned int", xmin: "double", xmax: "double", nIntegrationPoints: "unsigned int"=0) -> "npstat::Matrix< double,16U >":
return _npstat.multinomialCovariance1D(fcn, sampleSize, nbins, xmin, xmax, nIntegrationPoints)
class CompositeDistribution1D(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.CompositeDistribution1D_swiginit(self, _npstat.new_CompositeDistribution1D(*args))
__swig_destroy__ = _npstat.delete_CompositeDistribution1D
def density(self, x: "double const") -> "double":
return _npstat.CompositeDistribution1D_density(self, x)
def cdf(self, x: "double const") -> "double":
return _npstat.CompositeDistribution1D_cdf(self, x)
def exceedance(self, x: "double const") -> "double":
return _npstat.CompositeDistribution1D_exceedance(self, x)
def quantile(self, x: "double const") -> "double":
return _npstat.CompositeDistribution1D_quantile(self, x)
def clone(self) -> "npstat::CompositeDistribution1D *":
return _npstat.CompositeDistribution1D_clone(self)
def G(self) -> "npstat::AbsDistribution1D const &":
return _npstat.CompositeDistribution1D_G(self)
def H(self) -> "npstat::AbsDistribution1D const &":
return _npstat.CompositeDistribution1D_H(self)
def classId(self) -> "gs::ClassId":
return _npstat.CompositeDistribution1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.CompositeDistribution1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.CompositeDistribution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.CompositeDistribution1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::CompositeDistribution1D *":
return _npstat.CompositeDistribution1D_read(id, _in)
# Register CompositeDistribution1D in _npstat:
_npstat.CompositeDistribution1D_swigregister(CompositeDistribution1D)
def CompositeDistribution1D_classname() -> "char const *":
return _npstat.CompositeDistribution1D_classname()
def CompositeDistribution1D_version() -> "unsigned int":
return _npstat.CompositeDistribution1D_version()
def CompositeDistribution1D_read(id: "ClassId", _in: "istream") -> "npstat::CompositeDistribution1D *":
return _npstat.CompositeDistribution1D_read(id, _in)
class ArchiveRecord_CompositeDistribution1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "CompositeDistribution1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_CompositeDistribution1D_swiginit(self, _npstat.new_ArchiveRecord_CompositeDistribution1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_CompositeDistribution1D
# Register ArchiveRecord_CompositeDistribution1D in _npstat:
_npstat.ArchiveRecord_CompositeDistribution1D_swigregister(ArchiveRecord_CompositeDistribution1D)
class Ref_CompositeDistribution1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CompositeDistribution1D_swiginit(self, _npstat.new_Ref_CompositeDistribution1D(*args))
def restore(self, index: "unsigned long", obj: "CompositeDistribution1D") -> "void":
return _npstat.Ref_CompositeDistribution1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::CompositeDistribution1D *":
return _npstat.Ref_CompositeDistribution1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::CompositeDistribution1D":
return _npstat.Ref_CompositeDistribution1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CompositeDistribution1D
# Register Ref_CompositeDistribution1D in _npstat:
_npstat.Ref_CompositeDistribution1D_swigregister(Ref_CompositeDistribution1D)
class JohnsonSu(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", skewness: "double", kurtosis: "double"):
_npstat.JohnsonSu_swiginit(self, _npstat.new_JohnsonSu(location, scale, skewness, kurtosis))
def clone(self) -> "npstat::JohnsonSu *":
return _npstat.JohnsonSu_clone(self)
__swig_destroy__ = _npstat.delete_JohnsonSu
def skewness(self) -> "double":
return _npstat.JohnsonSu_skewness(self)
def kurtosis(self) -> "double":
return _npstat.JohnsonSu_kurtosis(self)
def isValid(self) -> "bool":
return _npstat.JohnsonSu_isValid(self)
def getDelta(self) -> "double":
return _npstat.JohnsonSu_getDelta(self)
def getLambda(self) -> "double":
return _npstat.JohnsonSu_getLambda(self)
def getGamma(self) -> "double":
return _npstat.JohnsonSu_getGamma(self)
def getXi(self) -> "double":
return _npstat.JohnsonSu_getXi(self)
def classId(self) -> "gs::ClassId":
return _npstat.JohnsonSu_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.JohnsonSu_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.JohnsonSu_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.JohnsonSu_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::JohnsonSu *":
return _npstat.JohnsonSu_read(id, _in)
# Register JohnsonSu in _npstat:
_npstat.JohnsonSu_swigregister(JohnsonSu)
def JohnsonSu_classname() -> "char const *":
return _npstat.JohnsonSu_classname()
def JohnsonSu_version() -> "unsigned int":
return _npstat.JohnsonSu_version()
def JohnsonSu_read(id: "ClassId", _in: "istream") -> "npstat::JohnsonSu *":
return _npstat.JohnsonSu_read(id, _in)
class JohnsonSb(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, location: "double", scale: "double", skewness: "double", kurtosis: "double"):
_npstat.JohnsonSb_swiginit(self, _npstat.new_JohnsonSb(location, scale, skewness, kurtosis))
def clone(self) -> "npstat::JohnsonSb *":
return _npstat.JohnsonSb_clone(self)
__swig_destroy__ = _npstat.delete_JohnsonSb
def skewness(self) -> "double":
return _npstat.JohnsonSb_skewness(self)
def kurtosis(self) -> "double":
return _npstat.JohnsonSb_kurtosis(self)
def isValid(self) -> "bool":
return _npstat.JohnsonSb_isValid(self)
def getDelta(self) -> "double":
return _npstat.JohnsonSb_getDelta(self)
def getLambda(self) -> "double":
return _npstat.JohnsonSb_getLambda(self)
def getGamma(self) -> "double":
return _npstat.JohnsonSb_getGamma(self)
def getXi(self) -> "double":
return _npstat.JohnsonSb_getXi(self)
@staticmethod
def fitParameters(skewness: "double", kurtosis: "double", gamma: "double *", delta: "double *", _lambda: "double *", xi: "double *") -> "bool":
return _npstat.JohnsonSb_fitParameters(skewness, kurtosis, gamma, delta, _lambda, xi)
def classId(self) -> "gs::ClassId":
return _npstat.JohnsonSb_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.JohnsonSb_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.JohnsonSb_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.JohnsonSb_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::JohnsonSb *":
return _npstat.JohnsonSb_read(id, _in)
# Register JohnsonSb in _npstat:
_npstat.JohnsonSb_swigregister(JohnsonSb)
def JohnsonSb_fitParameters(skewness: "double", kurtosis: "double", gamma: "double *", delta: "double *", _lambda: "double *", xi: "double *") -> "bool":
return _npstat.JohnsonSb_fitParameters(skewness, kurtosis, gamma, delta, _lambda, xi)
def JohnsonSb_classname() -> "char const *":
return _npstat.JohnsonSb_classname()
def JohnsonSb_version() -> "unsigned int":
return _npstat.JohnsonSb_version()
def JohnsonSb_read(id: "ClassId", _in: "istream") -> "npstat::JohnsonSb *":
return _npstat.JohnsonSb_read(id, _in)
class JohnsonSystem(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
GAUSSIAN = _npstat.JohnsonSystem_GAUSSIAN
LOGNORMAL = _npstat.JohnsonSystem_LOGNORMAL
SU = _npstat.JohnsonSystem_SU
SB = _npstat.JohnsonSystem_SB
INVALID = _npstat.JohnsonSystem_INVALID
def __init__(self, *args):
_npstat.JohnsonSystem_swiginit(self, _npstat.new_JohnsonSystem(*args))
__swig_destroy__ = _npstat.delete_JohnsonSystem
def clone(self) -> "npstat::JohnsonSystem *":
return _npstat.JohnsonSystem_clone(self)
def skewness(self) -> "double":
return _npstat.JohnsonSystem_skewness(self)
def kurtosis(self) -> "double":
return _npstat.JohnsonSystem_kurtosis(self)
def curveType(self) -> "npstat::JohnsonSystem::CurveType":
return _npstat.JohnsonSystem_curveType(self)
@staticmethod
def select(skewness: "double", kurtosis: "double") -> "npstat::JohnsonSystem::CurveType":
return _npstat.JohnsonSystem_select(skewness, kurtosis)
def classId(self) -> "gs::ClassId":
return _npstat.JohnsonSystem_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.JohnsonSystem_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.JohnsonSystem_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.JohnsonSystem_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::JohnsonSystem *":
return _npstat.JohnsonSystem_read(id, _in)
# Register JohnsonSystem in _npstat:
_npstat.JohnsonSystem_swigregister(JohnsonSystem)
def JohnsonSystem_select(skewness: "double", kurtosis: "double") -> "npstat::JohnsonSystem::CurveType":
return _npstat.JohnsonSystem_select(skewness, kurtosis)
def JohnsonSystem_classname() -> "char const *":
return _npstat.JohnsonSystem_classname()
def JohnsonSystem_version() -> "unsigned int":
return _npstat.JohnsonSystem_version()
def JohnsonSystem_read(id: "ClassId", _in: "istream") -> "npstat::JohnsonSystem *":
return _npstat.JohnsonSystem_read(id, _in)
class CompositeGauss1D(CompositeDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_CompositeGauss1D
def clone(self) -> "npstat::CompositeGauss1D *":
return _npstat.CompositeGauss1D_clone(self)
# Register CompositeGauss1D in _npstat:
_npstat.CompositeGauss1D_swigregister(CompositeGauss1D)
class BetaGauss1D(CompositeDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_BetaGauss1D
def clone(self) -> "npstat::BetaGauss1D *":
return _npstat.BetaGauss1D_clone(self)
# Register BetaGauss1D in _npstat:
_npstat.BetaGauss1D_swigregister(BetaGauss1D)
class LogQuadraticLadder(CompositeDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LogQuadraticLadder
def clone(self) -> "npstat::LogQuadraticLadder *":
return _npstat.LogQuadraticLadder_clone(self)
# Register LogQuadraticLadder in _npstat:
_npstat.LogQuadraticLadder_swigregister(LogQuadraticLadder)
class BinnedCompositeJohnson(CompositeDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_BinnedCompositeJohnson
def clone(self) -> "npstat::BinnedCompositeJohnson *":
return _npstat.BinnedCompositeJohnson_clone(self)
# Register BinnedCompositeJohnson in _npstat:
_npstat.BinnedCompositeJohnson_swigregister(BinnedCompositeJohnson)
class JohnsonLadder(CompositeDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_JohnsonLadder
def clone(self) -> "npstat::JohnsonLadder *":
return _npstat.JohnsonLadder_clone(self)
# Register JohnsonLadder in _npstat:
_npstat.JohnsonLadder_swigregister(JohnsonLadder)
def lorpeMise1D(m: "int", lorpeDegree: "double", bandwidth: "double", sampleSize: "double", nintervals: "unsigned int", xmin: "double", xmax: "double", distro: "AbsDistribution1D", bm: "BoundaryHandling", oversample: "unsigned int"=10, ISB: "double *"=None, variance: "double *"=None) -> "double":
return _npstat.lorpeMise1D(m, lorpeDegree, bandwidth, sampleSize, nintervals, xmin, xmax, distro, bm, oversample, ISB, variance)
class UCharAbsBandwidthGCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharAbsBandwidthGCV1D
def cv(self, histo: "UCharHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.UCharAbsBandwidthGCV1D_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "UCharHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.UCharAbsBandwidthGCV1D_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register UCharAbsBandwidthGCV1D in _npstat:
_npstat.UCharAbsBandwidthGCV1D_swigregister(UCharAbsBandwidthGCV1D)
class IntAbsBandwidthGCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntAbsBandwidthGCV1D
def cv(self, histo: "IntHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.IntAbsBandwidthGCV1D_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "IntHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.IntAbsBandwidthGCV1D_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register IntAbsBandwidthGCV1D in _npstat:
_npstat.IntAbsBandwidthGCV1D_swigregister(IntAbsBandwidthGCV1D)
class LongAbsBandwidthGCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongAbsBandwidthGCV1D
def cv(self, histo: "LongHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.LongAbsBandwidthGCV1D_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "LongHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.LongAbsBandwidthGCV1D_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register LongAbsBandwidthGCV1D in _npstat:
_npstat.LongAbsBandwidthGCV1D_swigregister(LongAbsBandwidthGCV1D)
class FloatAbsBandwidthGCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatAbsBandwidthGCV1D
def cv(self, histo: "FloatHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.FloatAbsBandwidthGCV1D_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "FloatHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.FloatAbsBandwidthGCV1D_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register FloatAbsBandwidthGCV1D in _npstat:
_npstat.FloatAbsBandwidthGCV1D_swigregister(FloatAbsBandwidthGCV1D)
class DoubleAbsBandwidthGCV1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleAbsBandwidthGCV1D
def cv(self, histo: "DoubleHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.DoubleAbsBandwidthGCV1D_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "DoubleHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilter1D") -> "double":
return _npstat.DoubleAbsBandwidthGCV1D_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register DoubleAbsBandwidthGCV1D in _npstat:
_npstat.DoubleAbsBandwidthGCV1D_swigregister(DoubleAbsBandwidthGCV1D)
class UCharAbsBandwidthGCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharAbsBandwidthGCVND
def cv(self, histo: "UCharHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.UCharAbsBandwidthGCVND_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "UCharHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.UCharAbsBandwidthGCVND_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register UCharAbsBandwidthGCVND in _npstat:
_npstat.UCharAbsBandwidthGCVND_swigregister(UCharAbsBandwidthGCVND)
class IntAbsBandwidthGCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntAbsBandwidthGCVND
def cv(self, histo: "IntHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.IntAbsBandwidthGCVND_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "IntHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.IntAbsBandwidthGCVND_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register IntAbsBandwidthGCVND in _npstat:
_npstat.IntAbsBandwidthGCVND_swigregister(IntAbsBandwidthGCVND)
class LongAbsBandwidthGCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongAbsBandwidthGCVND
def cv(self, histo: "LongHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.LongAbsBandwidthGCVND_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "LongHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.LongAbsBandwidthGCVND_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register LongAbsBandwidthGCVND in _npstat:
_npstat.LongAbsBandwidthGCVND_swigregister(LongAbsBandwidthGCVND)
class FloatAbsBandwidthGCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatAbsBandwidthGCVND
def cv(self, histo: "FloatHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.FloatAbsBandwidthGCVND_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "FloatHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.FloatAbsBandwidthGCVND_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register FloatAbsBandwidthGCVND in _npstat:
_npstat.FloatAbsBandwidthGCVND_swigregister(FloatAbsBandwidthGCVND)
class DoubleAbsBandwidthGCVND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleAbsBandwidthGCVND
def cv(self, histo: "DoubleHistoND", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.DoubleAbsBandwidthGCVND_cv(self, histo, input, leaveOneOut, filterUsed)
def cvWeighted(self, histo: "DoubleHistoND", effectiveSampleSize: "double const", input: "PyObject *", leaveOneOut: "PyObject *", filterUsed: "AbsPolyFilterND") -> "double":
return _npstat.DoubleAbsBandwidthGCVND_cvWeighted(self, histo, effectiveSampleSize, input, leaveOneOut, filterUsed)
# Register DoubleAbsBandwidthGCVND in _npstat:
_npstat.DoubleAbsBandwidthGCVND_swigregister(DoubleAbsBandwidthGCVND)
class InterpolatedDistribution1D(AbsInterpolatedDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.InterpolatedDistribution1D_swiginit(self, _npstat.new_InterpolatedDistribution1D(*args))
__swig_destroy__ = _npstat.delete_InterpolatedDistribution1D
def clone(self) -> "npstat::InterpolatedDistribution1D *":
return _npstat.InterpolatedDistribution1D_clone(self)
def add(self, d: "AbsDistribution1D", weight: "double") -> "void":
return _npstat.InterpolatedDistribution1D_add(self, d, weight)
def replace(self, i: "unsigned int", d: "AbsDistribution1D", weight: "double") -> "void":
return _npstat.InterpolatedDistribution1D_replace(self, i, d, weight)
def setWeight(self, i: "unsigned int", weight: "double") -> "void":
return _npstat.InterpolatedDistribution1D_setWeight(self, i, weight)
def clear(self) -> "void":
return _npstat.InterpolatedDistribution1D_clear(self)
def normalizeAutomatically(self, allow: "bool") -> "void":
return _npstat.InterpolatedDistribution1D_normalizeAutomatically(self, allow)
def size(self) -> "unsigned int":
return _npstat.InterpolatedDistribution1D_size(self)
def expectedSize(self) -> "unsigned int":
return _npstat.InterpolatedDistribution1D_expectedSize(self)
def density(self, x: "double") -> "double":
return _npstat.InterpolatedDistribution1D_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.InterpolatedDistribution1D_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.InterpolatedDistribution1D_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.InterpolatedDistribution1D_quantile(self, x)
def densityAndCdf(self, x: "double") -> "void":
return _npstat.InterpolatedDistribution1D_densityAndCdf(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.InterpolatedDistribution1D_classId(self)
@staticmethod
def classname() -> "char const *":
return _npstat.InterpolatedDistribution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.InterpolatedDistribution1D_version()
# Register InterpolatedDistribution1D in _npstat:
_npstat.InterpolatedDistribution1D_swigregister(InterpolatedDistribution1D)
def InterpolatedDistribution1D_classname() -> "char const *":
return _npstat.InterpolatedDistribution1D_classname()
def InterpolatedDistribution1D_version() -> "unsigned int":
return _npstat.InterpolatedDistribution1D_version()
class CopulaInterpolationND(AbsInterpolationAlgoND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, dim: "unsigned int", nInterpolated: "unsigned int"):
_npstat.CopulaInterpolationND_swiginit(self, _npstat.new_CopulaInterpolationND(dim, nInterpolated))
__swig_destroy__ = _npstat.delete_CopulaInterpolationND
def clone(self) -> "npstat::CopulaInterpolationND *":
return _npstat.CopulaInterpolationND_clone(self)
def mappedByQuantiles(self) -> "bool":
return _npstat.CopulaInterpolationND_mappedByQuantiles(self)
def add(self, d: "AbsDistributionND", weight: "double") -> "void":
return _npstat.CopulaInterpolationND_add(self, d, weight)
def replace(self, i: "unsigned int", d: "AbsDistributionND", weight: "double") -> "void":
return _npstat.CopulaInterpolationND_replace(self, i, d, weight)
def setWeight(self, i: "unsigned int", weight: "double") -> "void":
return _npstat.CopulaInterpolationND_setWeight(self, i, weight)
def clear(self) -> "void":
return _npstat.CopulaInterpolationND_clear(self)
def normalizeAutomatically(self, allow: "bool") -> "void":
return _npstat.CopulaInterpolationND_normalizeAutomatically(self, allow)
def size(self) -> "unsigned int":
return _npstat.CopulaInterpolationND_size(self)
def density(self, x: "double const *") -> "double":
return _npstat.CopulaInterpolationND_density(self, x)
def unitMap(self, rnd: "double const *", dim: "unsigned int", x: "double *") -> "void":
return _npstat.CopulaInterpolationND_unitMap(self, rnd, dim, x)
def copulaDensity(self, x: "double const *") -> "double":
return _npstat.CopulaInterpolationND_copulaDensity(self, x)
def productOfTheMarginals(self, x: "double const *") -> "double":
return _npstat.CopulaInterpolationND_productOfTheMarginals(self, x)
def marginalDensity(self, idim: "unsigned int", x: "double") -> "double":
return _npstat.CopulaInterpolationND_marginalDensity(self, idim, x)
def marginalCdf(self, idim: "unsigned int", x: "double") -> "double":
return _npstat.CopulaInterpolationND_marginalCdf(self, idim, x)
def marginalExceedance(self, idim: "unsigned int", x: "double") -> "double":
return _npstat.CopulaInterpolationND_marginalExceedance(self, idim, x)
def marginalQuantile(self, idim: "unsigned int", x: "double") -> "double":
return _npstat.CopulaInterpolationND_marginalQuantile(self, idim, x)
def classId(self) -> "gs::ClassId":
return _npstat.CopulaInterpolationND_classId(self)
@staticmethod
def classname() -> "char const *":
return _npstat.CopulaInterpolationND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.CopulaInterpolationND_version()
# Register CopulaInterpolationND in _npstat:
_npstat.CopulaInterpolationND_swigregister(CopulaInterpolationND)
def CopulaInterpolationND_classname() -> "char const *":
return _npstat.CopulaInterpolationND_classname()
def CopulaInterpolationND_version() -> "unsigned int":
return _npstat.CopulaInterpolationND_version()
class SeriesCGF1D(AbsCGF1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, cumulants: "double const *", smin: "double", smax: "double"):
_npstat.SeriesCGF1D_swiginit(self, _npstat.new_SeriesCGF1D(cumulants, smin, smax))
def clone(self) -> "npstat::SeriesCGF1D *":
return _npstat.SeriesCGF1D_clone(self)
__swig_destroy__ = _npstat.delete_SeriesCGF1D
def shiftAndScale(self, mu: "double", sigma: "double") -> "npstat::SeriesCGF1D *":
return _npstat.SeriesCGF1D_shiftAndScale(self, mu, sigma)
def smin(self) -> "double":
return _npstat.SeriesCGF1D_smin(self)
def smax(self) -> "double":
return _npstat.SeriesCGF1D_smax(self)
def derivative(self, order: "unsigned int", s: "double") -> "double":
return _npstat.SeriesCGF1D_derivative(self, order, s)
def setCumulant(self, order: "unsigned int", value: "double") -> "void":
return _npstat.SeriesCGF1D_setCumulant(self, order, value)
def maxOrder(self) -> "unsigned int":
return _npstat.SeriesCGF1D_maxOrder(self)
def allCumulants(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.SeriesCGF1D_allCumulants(self)
def isConvex(self, a: "double", b: "double") -> "bool":
return _npstat.SeriesCGF1D_isConvex(self, a, b)
def convexify(self, a: "double", b: "double") -> "npstat::SeriesCGF1D":
return _npstat.SeriesCGF1D_convexify(self, a, b)
# Register SeriesCGF1D in _npstat:
_npstat.SeriesCGF1D_swigregister(SeriesCGF1D)
class UCharBandwidthGCVLeastSquaresND(UCharAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharBandwidthGCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.UCharBandwidthGCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.UCharBandwidthGCVLeastSquaresND_swiginit(self, _npstat.new_UCharBandwidthGCVLeastSquaresND())
# Register UCharBandwidthGCVLeastSquaresND in _npstat:
_npstat.UCharBandwidthGCVLeastSquaresND_swigregister(UCharBandwidthGCVLeastSquaresND)
class IntBandwidthGCVLeastSquaresND(IntAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntBandwidthGCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.IntBandwidthGCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.IntBandwidthGCVLeastSquaresND_swiginit(self, _npstat.new_IntBandwidthGCVLeastSquaresND())
# Register IntBandwidthGCVLeastSquaresND in _npstat:
_npstat.IntBandwidthGCVLeastSquaresND_swigregister(IntBandwidthGCVLeastSquaresND)
class LongBandwidthGCVLeastSquaresND(LongAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongBandwidthGCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.LongBandwidthGCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.LongBandwidthGCVLeastSquaresND_swiginit(self, _npstat.new_LongBandwidthGCVLeastSquaresND())
# Register LongBandwidthGCVLeastSquaresND in _npstat:
_npstat.LongBandwidthGCVLeastSquaresND_swigregister(LongBandwidthGCVLeastSquaresND)
class FloatBandwidthGCVLeastSquaresND(FloatAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatBandwidthGCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.FloatBandwidthGCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.FloatBandwidthGCVLeastSquaresND_swiginit(self, _npstat.new_FloatBandwidthGCVLeastSquaresND())
# Register FloatBandwidthGCVLeastSquaresND in _npstat:
_npstat.FloatBandwidthGCVLeastSquaresND_swigregister(FloatBandwidthGCVLeastSquaresND)
class DoubleBandwidthGCVLeastSquaresND(DoubleAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleBandwidthGCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.DoubleBandwidthGCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.DoubleBandwidthGCVLeastSquaresND_swiginit(self, _npstat.new_DoubleBandwidthGCVLeastSquaresND())
# Register DoubleBandwidthGCVLeastSquaresND in _npstat:
_npstat.DoubleBandwidthGCVLeastSquaresND_swigregister(DoubleBandwidthGCVLeastSquaresND)
class ConstantBandwidthSmoother1D(AbsMarginalSmootherBase, AbsPolyFilter1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nbins: "unsigned int", xmin: "double", xmax: "double", symbetaPower: "int", kernelOrder: "unsigned int", bandwidth: "double"=0.0, bwFactor: "double"=1.0, mirrorData: "bool"=True, label: "char const *"=None):
_npstat.ConstantBandwidthSmoother1D_swiginit(self, _npstat.new_ConstantBandwidthSmoother1D(nbins, xmin, xmax, symbetaPower, kernelOrder, bandwidth, bwFactor, mirrorData, label))
__swig_destroy__ = _npstat.delete_ConstantBandwidthSmoother1D
def symbetaPower(self) -> "int":
return _npstat.ConstantBandwidthSmoother1D_symbetaPower(self)
def kernelOrder(self) -> "unsigned int":
return _npstat.ConstantBandwidthSmoother1D_kernelOrder(self)
def fixedBandwidth(self) -> "double":
return _npstat.ConstantBandwidthSmoother1D_fixedBandwidth(self)
def bwFactor(self) -> "double":
return _npstat.ConstantBandwidthSmoother1D_bwFactor(self)
def mirrorsData(self) -> "bool":
return _npstat.ConstantBandwidthSmoother1D_mirrorsData(self)
def dataLen(self) -> "unsigned int":
return _npstat.ConstantBandwidthSmoother1D_dataLen(self)
def selfContribution(self, arg2: "unsigned int") -> "double":
return _npstat.ConstantBandwidthSmoother1D_selfContribution(self, arg2)
# Register ConstantBandwidthSmoother1D in _npstat:
_npstat.ConstantBandwidthSmoother1D_swigregister(ConstantBandwidthSmoother1D)
class GaussianMixtureEntry(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.GaussianMixtureEntry_swiginit(self, _npstat.new_GaussianMixtureEntry(*args))
def weight(self) -> "double":
return _npstat.GaussianMixtureEntry_weight(self)
def mean(self) -> "double":
return _npstat.GaussianMixtureEntry_mean(self)
def stdev(self) -> "double":
return _npstat.GaussianMixtureEntry_stdev(self)
def __eq__(self, r: "GaussianMixtureEntry") -> "bool":
return _npstat.GaussianMixtureEntry___eq__(self, r)
def __ne__(self, r: "GaussianMixtureEntry") -> "bool":
return _npstat.GaussianMixtureEntry___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.GaussianMixtureEntry_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.GaussianMixtureEntry_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.GaussianMixtureEntry_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.GaussianMixtureEntry_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", entry: "GaussianMixtureEntry") -> "void":
return _npstat.GaussianMixtureEntry_restore(id, _in, entry)
__swig_destroy__ = _npstat.delete_GaussianMixtureEntry
# Register GaussianMixtureEntry in _npstat:
_npstat.GaussianMixtureEntry_swigregister(GaussianMixtureEntry)
def GaussianMixtureEntry_classname() -> "char const *":
return _npstat.GaussianMixtureEntry_classname()
def GaussianMixtureEntry_version() -> "unsigned int":
return _npstat.GaussianMixtureEntry_version()
def GaussianMixtureEntry_restore(id: "ClassId", _in: "istream", entry: "GaussianMixtureEntry") -> "void":
return _npstat.GaussianMixtureEntry_restore(id, _in, entry)
class GaussianMixtureEntryVector(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def iterator(self) -> "swig::SwigPyIterator *":
return _npstat.GaussianMixtureEntryVector_iterator(self)
def __iter__(self):
return self.iterator()
def __nonzero__(self) -> "bool":
return _npstat.GaussianMixtureEntryVector___nonzero__(self)
def __bool__(self) -> "bool":
return _npstat.GaussianMixtureEntryVector___bool__(self)
def __len__(self) -> "std::vector< npstat::GaussianMixtureEntry >::size_type":
return _npstat.GaussianMixtureEntryVector___len__(self)
def __getslice__(self, i: "std::vector< npstat::GaussianMixtureEntry >::difference_type", j: "std::vector< npstat::GaussianMixtureEntry >::difference_type") -> "std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > *":
return _npstat.GaussianMixtureEntryVector___getslice__(self, i, j)
def __setslice__(self, *args) -> "void":
return _npstat.GaussianMixtureEntryVector___setslice__(self, *args)
def __delslice__(self, i: "std::vector< npstat::GaussianMixtureEntry >::difference_type", j: "std::vector< npstat::GaussianMixtureEntry >::difference_type") -> "void":
return _npstat.GaussianMixtureEntryVector___delslice__(self, i, j)
def __delitem__(self, *args) -> "void":
return _npstat.GaussianMixtureEntryVector___delitem__(self, *args)
def __getitem__(self, *args) -> "std::vector< npstat::GaussianMixtureEntry >::value_type const &":
return _npstat.GaussianMixtureEntryVector___getitem__(self, *args)
def __setitem__(self, *args) -> "void":
return _npstat.GaussianMixtureEntryVector___setitem__(self, *args)
def pop(self) -> "std::vector< npstat::GaussianMixtureEntry >::value_type":
return _npstat.GaussianMixtureEntryVector_pop(self)
def append(self, x: "GaussianMixtureEntry") -> "void":
return _npstat.GaussianMixtureEntryVector_append(self, x)
def empty(self) -> "bool":
return _npstat.GaussianMixtureEntryVector_empty(self)
def size(self) -> "std::vector< npstat::GaussianMixtureEntry >::size_type":
return _npstat.GaussianMixtureEntryVector_size(self)
def swap(self, v: "GaussianMixtureEntryVector") -> "void":
return _npstat.GaussianMixtureEntryVector_swap(self, v)
def begin(self) -> "std::vector< npstat::GaussianMixtureEntry >::iterator":
return _npstat.GaussianMixtureEntryVector_begin(self)
def end(self) -> "std::vector< npstat::GaussianMixtureEntry >::iterator":
return _npstat.GaussianMixtureEntryVector_end(self)
def rbegin(self) -> "std::vector< npstat::GaussianMixtureEntry >::reverse_iterator":
return _npstat.GaussianMixtureEntryVector_rbegin(self)
def rend(self) -> "std::vector< npstat::GaussianMixtureEntry >::reverse_iterator":
return _npstat.GaussianMixtureEntryVector_rend(self)
def clear(self) -> "void":
return _npstat.GaussianMixtureEntryVector_clear(self)
def get_allocator(self) -> "std::vector< npstat::GaussianMixtureEntry >::allocator_type":
return _npstat.GaussianMixtureEntryVector_get_allocator(self)
def pop_back(self) -> "void":
return _npstat.GaussianMixtureEntryVector_pop_back(self)
def erase(self, *args) -> "std::vector< npstat::GaussianMixtureEntry >::iterator":
return _npstat.GaussianMixtureEntryVector_erase(self, *args)
def __init__(self, *args):
_npstat.GaussianMixtureEntryVector_swiginit(self, _npstat.new_GaussianMixtureEntryVector(*args))
def push_back(self, x: "GaussianMixtureEntry") -> "void":
return _npstat.GaussianMixtureEntryVector_push_back(self, x)
def front(self) -> "std::vector< npstat::GaussianMixtureEntry >::value_type const &":
return _npstat.GaussianMixtureEntryVector_front(self)
def back(self) -> "std::vector< npstat::GaussianMixtureEntry >::value_type const &":
return _npstat.GaussianMixtureEntryVector_back(self)
def assign(self, n: "std::vector< npstat::GaussianMixtureEntry >::size_type", x: "GaussianMixtureEntry") -> "void":
return _npstat.GaussianMixtureEntryVector_assign(self, n, x)
def resize(self, *args) -> "void":
return _npstat.GaussianMixtureEntryVector_resize(self, *args)
def insert(self, *args) -> "void":
return _npstat.GaussianMixtureEntryVector_insert(self, *args)
def reserve(self, n: "std::vector< npstat::GaussianMixtureEntry >::size_type") -> "void":
return _npstat.GaussianMixtureEntryVector_reserve(self, n)
def capacity(self) -> "std::vector< npstat::GaussianMixtureEntry >::size_type":
return _npstat.GaussianMixtureEntryVector_capacity(self)
__swig_destroy__ = _npstat.delete_GaussianMixtureEntryVector
# Register GaussianMixtureEntryVector in _npstat:
_npstat.GaussianMixtureEntryVector_swigregister(GaussianMixtureEntryVector)
class GaussianMixture1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.GaussianMixture1D_swiginit(self, _npstat.new_GaussianMixture1D(*args))
__swig_destroy__ = _npstat.delete_GaussianMixture1D
def clone(self) -> "npstat::GaussianMixture1D *":
return _npstat.GaussianMixture1D_clone(self)
def nentries(self) -> "unsigned int":
return _npstat.GaussianMixture1D_nentries(self)
def entry(self, n: "unsigned int const") -> "npstat::GaussianMixtureEntry const &":
return _npstat.GaussianMixture1D_entry(self, n)
def entries(self) -> "std::vector< npstat::GaussianMixtureEntry,std::allocator< npstat::GaussianMixtureEntry > > const &":
return _npstat.GaussianMixture1D_entries(self)
def mean(self) -> "double":
return _npstat.GaussianMixture1D_mean(self)
def stdev(self) -> "double":
return _npstat.GaussianMixture1D_stdev(self)
def gaussianMISE(self, maxPolyDegree: "unsigned int", bandwidth: "double", npoints: "unsigned long") -> "double":
return _npstat.GaussianMixture1D_gaussianMISE(self, maxPolyDegree, bandwidth, npoints)
def miseOptimalBw(self, maxPolyDegree: "unsigned int", npoints: "unsigned long", mise: "double *"=None) -> "double":
return _npstat.GaussianMixture1D_miseOptimalBw(self, maxPolyDegree, npoints, mise)
def classId(self) -> "gs::ClassId":
return _npstat.GaussianMixture1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.GaussianMixture1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.GaussianMixture1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.GaussianMixture1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::GaussianMixture1D *":
return _npstat.GaussianMixture1D_read(id, _in)
# Register GaussianMixture1D in _npstat:
_npstat.GaussianMixture1D_swigregister(GaussianMixture1D)
def GaussianMixture1D_classname() -> "char const *":
return _npstat.GaussianMixture1D_classname()
def GaussianMixture1D_version() -> "unsigned int":
return _npstat.GaussianMixture1D_version()
def GaussianMixture1D_read(id: "ClassId", _in: "istream") -> "npstat::GaussianMixture1D *":
return _npstat.GaussianMixture1D_read(id, _in)
class JohnsonKDESmoother(AbsMarginalSmootherBase):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nbins: "unsigned int", xmin: "double", xmax: "double", symbetaPower: "int", bwFactor: "double"=1.0, label: "char const *"=None):
_npstat.JohnsonKDESmoother_swiginit(self, _npstat.new_JohnsonKDESmoother(nbins, xmin, xmax, symbetaPower, bwFactor, label))
__swig_destroy__ = _npstat.delete_JohnsonKDESmoother
def symbetaPower(self) -> "int":
return _npstat.JohnsonKDESmoother_symbetaPower(self)
def bwFactor(self) -> "double":
return _npstat.JohnsonKDESmoother_bwFactor(self)
# Register JohnsonKDESmoother in _npstat:
_npstat.JohnsonKDESmoother_swigregister(JohnsonKDESmoother)
class UnitMapInterpolationND(AbsInterpolationAlgoND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, dim: "unsigned int", nInterpolated: "unsigned int"):
_npstat.UnitMapInterpolationND_swiginit(self, _npstat.new_UnitMapInterpolationND(dim, nInterpolated))
__swig_destroy__ = _npstat.delete_UnitMapInterpolationND
def clone(self) -> "npstat::UnitMapInterpolationND *":
return _npstat.UnitMapInterpolationND_clone(self)
def mappedByQuantiles(self) -> "bool":
return _npstat.UnitMapInterpolationND_mappedByQuantiles(self)
def add(self, d: "AbsDistributionND", weight: "double") -> "void":
return _npstat.UnitMapInterpolationND_add(self, d, weight)
def replace(self, i: "unsigned int", d: "AbsDistributionND", weight: "double") -> "void":
return _npstat.UnitMapInterpolationND_replace(self, i, d, weight)
def setWeight(self, i: "unsigned int", weight: "double") -> "void":
return _npstat.UnitMapInterpolationND_setWeight(self, i, weight)
def clear(self) -> "void":
return _npstat.UnitMapInterpolationND_clear(self)
def normalizeAutomatically(self, allow: "bool") -> "void":
return _npstat.UnitMapInterpolationND_normalizeAutomatically(self, allow)
def size(self) -> "unsigned int":
return _npstat.UnitMapInterpolationND_size(self)
def density(self, x: "double const *") -> "double":
return _npstat.UnitMapInterpolationND_density(self, x)
def unitMap(self, rnd: "double const *", dim: "unsigned int", x: "double *") -> "void":
return _npstat.UnitMapInterpolationND_unitMap(self, rnd, dim, x)
def classId(self) -> "gs::ClassId":
return _npstat.UnitMapInterpolationND_classId(self)
@staticmethod
def classname() -> "char const *":
return _npstat.UnitMapInterpolationND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UnitMapInterpolationND_version()
# Register UnitMapInterpolationND in _npstat:
_npstat.UnitMapInterpolationND_swigregister(UnitMapInterpolationND)
def UnitMapInterpolationND_classname() -> "char const *":
return _npstat.UnitMapInterpolationND_classname()
def UnitMapInterpolationND_version() -> "unsigned int":
return _npstat.UnitMapInterpolationND_version()
class BernsteinCopulaSmoother(CVCopulaSmoother0):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nBinsInEachDim: "unsigned int const *", marginTolerance: "double", maxNormCycles: "unsigned int", cvCalc: "DoubleAbsBandwidthCVND", becomeCvCalcOwner: "bool", polyDegreesToUse: "IntMatrix"):
_npstat.BernsteinCopulaSmoother_swiginit(self, _npstat.new_BernsteinCopulaSmoother(nBinsInEachDim, marginTolerance, maxNormCycles, cvCalc, becomeCvCalcOwner, polyDegreesToUse))
__swig_destroy__ = _npstat.delete_BernsteinCopulaSmoother
# Register BernsteinCopulaSmoother in _npstat:
_npstat.BernsteinCopulaSmoother_swigregister(BernsteinCopulaSmoother)
class AbsKDE1DKernel(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsKDE1DKernel
def setNormFactor(self, normfactor: "double") -> "void":
return _npstat.AbsKDE1DKernel_setNormFactor(self, normfactor)
def xmin(self) -> "double":
return _npstat.AbsKDE1DKernel_xmin(self)
def xmax(self) -> "double":
return _npstat.AbsKDE1DKernel_xmax(self)
def normFactor(self) -> "double":
return _npstat.AbsKDE1DKernel_normFactor(self)
def __call__(self, x: "double") -> "double":
return _npstat.AbsKDE1DKernel___call__(self, x)
def clone(self) -> "npstat::AbsKDE1DKernel *":
return _npstat.AbsKDE1DKernel_clone(self)
def momentIntegral(self, k: "unsigned int", nIntegPoints: "unsigned int") -> "double":
return _npstat.AbsKDE1DKernel_momentIntegral(self, k, nIntegPoints)
def squaredIntegral(self, nIntegPoints: "unsigned int") -> "double":
return _npstat.AbsKDE1DKernel_squaredIntegral(self, nIntegPoints)
def looKde(self, bandwidth: "double", nCoords: "unsigned long", originalDensityEstimate: "double") -> "double":
return _npstat.AbsKDE1DKernel_looKde(self, bandwidth, nCoords, originalDensityEstimate)
def kde(self, x: "double", bandwidth: "double", coords: "double const *", coordinatesSorted: "bool"=False) -> "double":
return _npstat.AbsKDE1DKernel_kde(self, x, bandwidth, coords, coordinatesSorted)
def reverseKde(self, x: "double", bandwidth: "double", coords: "double const *", coordinatesSorted: "bool"=False) -> "double":
return _npstat.AbsKDE1DKernel_reverseKde(self, x, bandwidth, coords, coordinatesSorted)
def integratedSquaredError(self, distro: "AbsDistribution1D", nIntegIntervals: "unsigned int", nIntegPoints: "unsigned int", bandwidth: "double", useReverseKde: "bool", coords: "double const *", coordinatesSorted: "bool"=False) -> "double":
return _npstat.AbsKDE1DKernel_integratedSquaredError(self, distro, nIntegIntervals, nIntegPoints, bandwidth, useReverseKde, coords, coordinatesSorted)
def integratedKdeSquared(self, xmin: "double", xmax: "double", nIntegIntervals: "unsigned int", nIntegPoints: "unsigned int", bandwidth: "double", useReverseKde: "bool", coords: "double const *", coordinatesSorted: "bool"=False) -> "double":
return _npstat.AbsKDE1DKernel_integratedKdeSquared(self, xmin, xmax, nIntegIntervals, nIntegPoints, bandwidth, useReverseKde, coords, coordinatesSorted)
# Register AbsKDE1DKernel in _npstat:
_npstat.AbsKDE1DKernel_swigregister(AbsKDE1DKernel)
class KDE1DDensityKernel(AbsKDE1DKernel):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
def clone(self) -> "npstat::KDE1DDensityKernel *":
return _npstat.KDE1DDensityKernel_clone(self)
__swig_destroy__ = _npstat.delete_KDE1DDensityKernel
def setNormFactor(self, normfactor: "double const") -> "void":
return _npstat.KDE1DDensityKernel_setNormFactor(self, normfactor)
def xmin(self) -> "double":
return _npstat.KDE1DDensityKernel_xmin(self)
def xmax(self) -> "double":
return _npstat.KDE1DDensityKernel_xmax(self)
def normFactor(self) -> "double":
return _npstat.KDE1DDensityKernel_normFactor(self)
def __call__(self, x: "double const") -> "double":
return _npstat.KDE1DDensityKernel___call__(self, x)
# Register KDE1DDensityKernel in _npstat:
_npstat.KDE1DDensityKernel_swigregister(KDE1DDensityKernel)
class KDE1DFunctor2(DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, kernel: "AbsKDE1DKernel", bandwidth: "double const", useReverseKde: "bool const"=False):
_npstat.KDE1DFunctor2_swiginit(self, _npstat.new_KDE1DFunctor2(kernel, bandwidth, useReverseKde))
__swig_destroy__ = _npstat.delete_KDE1DFunctor2
def __call__(self, x: "double const &", y: "double const &") -> "double":
return _npstat.KDE1DFunctor2___call__(self, x, y)
# Register KDE1DFunctor2 in _npstat:
_npstat.KDE1DFunctor2_swigregister(KDE1DFunctor2)
def weightedCopulaHisto(data: "DoubleVectorVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto(data, weights, dimsToUse, result, useFillC)
def weightedCopulaHisto2D(data: "Point2DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto2D(data, weights, dimsToUse, result, useFillC)
def weightedCopulaHisto3D(data: "Point3DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto3D(data, weights, dimsToUse, result, useFillC)
def weightedCopulaHisto4D(data: "Point4DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto4D(data, weights, dimsToUse, result, useFillC)
def weightedCopulaHisto5D(data: "Point5DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto5D(data, weights, dimsToUse, result, useFillC)
def weightedCopulaHisto6D(data: "Point6DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto6D(data, weights, dimsToUse, result, useFillC)
def weightedCopulaHisto7D(data: "Point7DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto7D(data, weights, dimsToUse, result, useFillC)
def weightedCopulaHisto8D(data: "Point8DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto8D(data, weights, dimsToUse, result, useFillC)
def weightedCopulaHisto9D(data: "Point9DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto9D(data, weights, dimsToUse, result, useFillC)
def weightedCopulaHisto10D(data: "Point10DVector", weights: "DoubleVector", dimsToUse: "unsigned int const *", result: "DoubleHistoND", useFillC: "bool"=False) -> "double":
return _npstat.weightedCopulaHisto10D(data, weights, dimsToUse, result, useFillC)
class LOrPEGroupedCopulaSmoother_10(GCVCopulaSmoother2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, nBinsInEachDim: "unsigned int const *", marginTolerance: "double", maxNormCycles: "unsigned int", kernel: "AbsDistributionND", taper: "double const *", initialBw: "double", cvCalc: "DoubleAbsBandwidthGCVND", becomeCvCalcOwner: "bool", cvRange: "double", nCV: "unsigned int", useConvolve: "bool"):
_npstat.LOrPEGroupedCopulaSmoother_10_swiginit(self, _npstat.new_LOrPEGroupedCopulaSmoother_10(nBinsInEachDim, marginTolerance, maxNormCycles, kernel, taper, initialBw, cvCalc, becomeCvCalcOwner, cvRange, nCV, useConvolve))
__swig_destroy__ = _npstat.delete_LOrPEGroupedCopulaSmoother_10
# Register LOrPEGroupedCopulaSmoother_10 in _npstat:
_npstat.LOrPEGroupedCopulaSmoother_10_swigregister(LOrPEGroupedCopulaSmoother_10)
class KDTree1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point1DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree1D_swiginit(self, _npstat.new_KDTree1D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree1D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree1D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree1D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree1D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree1D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree1D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree1D_nInBox(self, box)
# Register KDTree1D in _npstat:
_npstat.KDTree1D_swigregister(KDTree1D)
class KDTree2D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point2DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree2D_swiginit(self, _npstat.new_KDTree2D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree2D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree2D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree2D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree2D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree2D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree2D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree2D_nInBox(self, box)
# Register KDTree2D in _npstat:
_npstat.KDTree2D_swigregister(KDTree2D)
class KDTree3D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point3DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree3D_swiginit(self, _npstat.new_KDTree3D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree3D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree3D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree3D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree3D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree3D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree3D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree3D_nInBox(self, box)
# Register KDTree3D in _npstat:
_npstat.KDTree3D_swigregister(KDTree3D)
class KDTree4D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point4DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree4D_swiginit(self, _npstat.new_KDTree4D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree4D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree4D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree4D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree4D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree4D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree4D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree4D_nInBox(self, box)
# Register KDTree4D in _npstat:
_npstat.KDTree4D_swigregister(KDTree4D)
class KDTree5D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point5DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree5D_swiginit(self, _npstat.new_KDTree5D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree5D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree5D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree5D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree5D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree5D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree5D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree5D_nInBox(self, box)
# Register KDTree5D in _npstat:
_npstat.KDTree5D_swigregister(KDTree5D)
class KDTree6D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point6DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree6D_swiginit(self, _npstat.new_KDTree6D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree6D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree6D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree6D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree6D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree6D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree6D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree6D_nInBox(self, box)
# Register KDTree6D in _npstat:
_npstat.KDTree6D_swigregister(KDTree6D)
class KDTree7D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point7DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree7D_swiginit(self, _npstat.new_KDTree7D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree7D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree7D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree7D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree7D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree7D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree7D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree7D_nInBox(self, box)
# Register KDTree7D in _npstat:
_npstat.KDTree7D_swigregister(KDTree7D)
class KDTree8D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point8DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree8D_swiginit(self, _npstat.new_KDTree8D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree8D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree8D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree8D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree8D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree8D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree8D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree8D_nInBox(self, box)
# Register KDTree8D in _npstat:
_npstat.KDTree8D_swigregister(KDTree8D)
class KDTree9D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point9DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree9D_swiginit(self, _npstat.new_KDTree9D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree9D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree9D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree9D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree9D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree9D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree9D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree9D_nInBox(self, box)
# Register KDTree9D in _npstat:
_npstat.KDTree9D_swigregister(KDTree9D)
class KDTree10D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "Point10DVector", dimsToUse: "unsigned int const *"):
_npstat.KDTree10D_swiginit(self, _npstat.new_KDTree10D(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTree10D
def nPoints(self) -> "unsigned int":
return _npstat.KDTree10D_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTree10D_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTree10D_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTree10D_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTree10D_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTree10D_nInBox(self, box)
# Register KDTree10D in _npstat:
_npstat.KDTree10D_swigregister(KDTree10D)
class KDTreeND(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, points: "DoubleVectorVector", dimsToUse: "unsigned int const *"):
_npstat.KDTreeND_swiginit(self, _npstat.new_KDTreeND(points, dimsToUse))
self._points = points
__swig_destroy__ = _npstat.delete_KDTreeND
def nPoints(self) -> "unsigned int":
return _npstat.KDTreeND_nPoints(self)
def nNodes(self) -> "unsigned int":
return _npstat.KDTreeND_nNodes(self)
def dim(self) -> "unsigned int":
return _npstat.KDTreeND_dim(self)
def pointIndex(self, i: "unsigned int const") -> "unsigned int":
return _npstat.KDTreeND_pointIndex(self, i)
def nCdf(self, limit: "double const *") -> "unsigned int":
return _npstat.KDTreeND_nCdf(self, limit)
def nInBox(self, box: "DoubleBoxND") -> "unsigned int":
return _npstat.KDTreeND_nInBox(self, box)
# Register KDTreeND in _npstat:
_npstat.KDTreeND_swigregister(KDTreeND)
def arrayStats(arr: "double const *") -> "double *, double *, double *, double *":
return _npstat.arrayStats(arr)
def arrayCumulants(arr: "double const *", maxOrder: "unsigned int") -> "std::vector< double,std::allocator< double > >":
return _npstat.arrayCumulants(arr, maxOrder)
def arrayMoments(arr: "double const *", center: "double", maxOrder: "unsigned int") -> "std::vector< double,std::allocator< double > >":
return _npstat.arrayMoments(arr, center, maxOrder)
def arrayCentralMoments(arr: "double const *", maxOrder: "unsigned int") -> "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > >":
return _npstat.arrayCentralMoments(arr, maxOrder)
def poissonLogLikelihood(means: "double const *", counts: "double const *") -> "double":
return _npstat.poissonLogLikelihood(means, counts)
class InterpolatedDistro1DNP(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_InterpolatedDistro1DNP
def __init__(self, *args):
_npstat.InterpolatedDistro1DNP_swiginit(self, _npstat.new_InterpolatedDistro1DNP(*args))
def clone(self) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.InterpolatedDistro1DNP_clone(self)
def interpolateVertically(self, b: "bool") -> "void":
return _npstat.InterpolatedDistro1DNP_interpolateVertically(self, b)
def interpolatingVertically(self) -> "bool":
return _npstat.InterpolatedDistro1DNP_interpolatingVertically(self)
def getGridDistro(self, cell: "unsigned int const *") -> "npstat::AbsDistribution1D const *":
return _npstat.InterpolatedDistro1DNP_getGridDistro(self, cell)
def getLinearDistro(self, idx: "unsigned long") -> "npstat::AbsDistribution1D const *":
return _npstat.InterpolatedDistro1DNP_getLinearDistro(self, idx)
def setGridCoords(self, coords: "double const *") -> "void":
return _npstat.InterpolatedDistro1DNP_setGridCoords(self, coords)
def nAxes(self) -> "unsigned int":
return _npstat.InterpolatedDistro1DNP_nAxes(self)
def nDistros(self) -> "unsigned long":
return _npstat.InterpolatedDistro1DNP_nDistros(self)
def gridShape(self) -> "npstat::ArrayShape":
return _npstat.InterpolatedDistro1DNP_gridShape(self)
def getAxis(self, i: "unsigned int const") -> "npstat::GridAxis const &":
return _npstat.InterpolatedDistro1DNP_getAxis(self, i)
def density(self, x: "double const") -> "double":
return _npstat.InterpolatedDistro1DNP_density(self, x)
def cdf(self, x: "double const") -> "double":
return _npstat.InterpolatedDistro1DNP_cdf(self, x)
def exceedance(self, x: "double const") -> "double":
return _npstat.InterpolatedDistro1DNP_exceedance(self, x)
def quantile(self, x: "double const") -> "double":
return _npstat.InterpolatedDistro1DNP_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.InterpolatedDistro1DNP_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.InterpolatedDistro1DNP_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.InterpolatedDistro1DNP_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.InterpolatedDistro1DNP_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::InterpolatedDistro1DNP *":
return _npstat.InterpolatedDistro1DNP_read(id, _in)
def setGridDistro(self, cell: "unsigned int const *", distro: "AbsDistribution1D") -> "void":
return _npstat.InterpolatedDistro1DNP_setGridDistro(self, cell, distro)
def setLinearDistro(self, idx: "unsigned long", d: "AbsDistribution1D") -> "void":
return _npstat.InterpolatedDistro1DNP_setLinearDistro(self, idx, d)
# Register InterpolatedDistro1DNP in _npstat:
_npstat.InterpolatedDistro1DNP_swigregister(InterpolatedDistro1DNP)
def InterpolatedDistro1DNP_classname() -> "char const *":
return _npstat.InterpolatedDistro1DNP_classname()
def InterpolatedDistro1DNP_version() -> "unsigned int":
return _npstat.InterpolatedDistro1DNP_version()
def InterpolatedDistro1DNP_read(id: "ClassId", _in: "istream") -> "npstat::InterpolatedDistro1DNP *":
return _npstat.InterpolatedDistro1DNP_read(id, _in)
class ArchiveRecord_InterpolatedDistro1DNP(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "InterpolatedDistro1DNP", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_InterpolatedDistro1DNP_swiginit(self, _npstat.new_ArchiveRecord_InterpolatedDistro1DNP(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_InterpolatedDistro1DNP
# Register ArchiveRecord_InterpolatedDistro1DNP in _npstat:
_npstat.ArchiveRecord_InterpolatedDistro1DNP_swigregister(ArchiveRecord_InterpolatedDistro1DNP)
class Ref_InterpolatedDistro1DNP(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_InterpolatedDistro1DNP_swiginit(self, _npstat.new_Ref_InterpolatedDistro1DNP(*args))
def restore(self, index: "unsigned long", obj: "InterpolatedDistro1DNP") -> "void":
return _npstat.Ref_InterpolatedDistro1DNP_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::InterpolatedDistro1DNP *":
return _npstat.Ref_InterpolatedDistro1DNP_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::InterpolatedDistro1DNP":
return _npstat.Ref_InterpolatedDistro1DNP_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_InterpolatedDistro1DNP
# Register Ref_InterpolatedDistro1DNP in _npstat:
_npstat.Ref_InterpolatedDistro1DNP_swigregister(Ref_InterpolatedDistro1DNP)
class FoldedDistribution1D(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FoldedDistribution1D_swiginit(self, _npstat.new_FoldedDistribution1D(*args))
def clone(self) -> "npstat::FoldedDistribution1D *":
return _npstat.FoldedDistribution1D_clone(self)
__swig_destroy__ = _npstat.delete_FoldedDistribution1D
def density(self, x: "double") -> "double":
return _npstat.FoldedDistribution1D_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.FoldedDistribution1D_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.FoldedDistribution1D_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.FoldedDistribution1D_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.FoldedDistribution1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.FoldedDistribution1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.FoldedDistribution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FoldedDistribution1D_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::FoldedDistribution1D *":
return _npstat.FoldedDistribution1D_read(id, arg2)
# Register FoldedDistribution1D in _npstat:
_npstat.FoldedDistribution1D_swigregister(FoldedDistribution1D)
def FoldedDistribution1D_classname() -> "char const *":
return _npstat.FoldedDistribution1D_classname()
def FoldedDistribution1D_version() -> "unsigned int":
return _npstat.FoldedDistribution1D_version()
def FoldedDistribution1D_read(id: "ClassId", arg2: "istream") -> "npstat::FoldedDistribution1D *":
return _npstat.FoldedDistribution1D_read(id, arg2)
class ArchiveRecord_FoldedDistribution1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FoldedDistribution1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FoldedDistribution1D_swiginit(self, _npstat.new_ArchiveRecord_FoldedDistribution1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FoldedDistribution1D
# Register ArchiveRecord_FoldedDistribution1D in _npstat:
_npstat.ArchiveRecord_FoldedDistribution1D_swigregister(ArchiveRecord_FoldedDistribution1D)
class Ref_FoldedDistribution1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FoldedDistribution1D_swiginit(self, _npstat.new_Ref_FoldedDistribution1D(*args))
def restore(self, index: "unsigned long", obj: "FoldedDistribution1D") -> "void":
return _npstat.Ref_FoldedDistribution1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::FoldedDistribution1D *":
return _npstat.Ref_FoldedDistribution1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::FoldedDistribution1D":
return _npstat.Ref_FoldedDistribution1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_FoldedDistribution1D
# Register Ref_FoldedDistribution1D in _npstat:
_npstat.Ref_FoldedDistribution1D_swigregister(Ref_FoldedDistribution1D)
class LOrPE1DFixedDegreeCVScanner(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, degree: "double const", bandwidthFactors: "DoubleVector"):
_npstat.LOrPE1DFixedDegreeCVScanner_swiginit(self, _npstat.new_LOrPE1DFixedDegreeCVScanner(degree, bandwidthFactors))
def nBwFactors(self) -> "unsigned int":
return _npstat.LOrPE1DFixedDegreeCVScanner_nBwFactors(self)
def getBwFactor(self, i: "unsigned int const") -> "double":
return _npstat.LOrPE1DFixedDegreeCVScanner_getBwFactor(self, i)
__swig_destroy__ = _npstat.delete_LOrPE1DFixedDegreeCVScanner
# Register LOrPE1DFixedDegreeCVScanner in _npstat:
_npstat.LOrPE1DFixedDegreeCVScanner_swigregister(LOrPE1DFixedDegreeCVScanner)
class DoubleKDE1DLSCVFunctorHelper(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, kernel: "AbsKDE1DKernel", xmin: "double const", xmax: "double const", nIntegIntervals: "unsigned int const", nIntegPoints: "unsigned int const", coords: "double const *", nCoords: "unsigned long const", coordinatesSorted: "bool const", useReverseKde: "bool const"):
_npstat.DoubleKDE1DLSCVFunctorHelper_swiginit(self, _npstat.new_DoubleKDE1DLSCVFunctorHelper(kernel, xmin, xmax, nIntegIntervals, nIntegPoints, coords, nCoords, coordinatesSorted, useReverseKde))
def __call__(self, bw: "double const &") -> "double":
return _npstat.DoubleKDE1DLSCVFunctorHelper___call__(self, bw)
__swig_destroy__ = _npstat.delete_DoubleKDE1DLSCVFunctorHelper
# Register DoubleKDE1DLSCVFunctorHelper in _npstat:
_npstat.DoubleKDE1DLSCVFunctorHelper_swigregister(DoubleKDE1DLSCVFunctorHelper)
class DoubleKDE1DRLCVFunctorHelper(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, kernel: "AbsKDE1DKernel", plcvAlpha: "double const", coords: "double const *", nCoords: "unsigned long const", coordinatesSorted: "bool const", useReverseKde: "bool const"):
_npstat.DoubleKDE1DRLCVFunctorHelper_swiginit(self, _npstat.new_DoubleKDE1DRLCVFunctorHelper(kernel, plcvAlpha, coords, nCoords, coordinatesSorted, useReverseKde))
def __call__(self, bw: "double const &") -> "double":
return _npstat.DoubleKDE1DRLCVFunctorHelper___call__(self, bw)
__swig_destroy__ = _npstat.delete_DoubleKDE1DRLCVFunctorHelper
# Register DoubleKDE1DRLCVFunctorHelper in _npstat:
_npstat.DoubleKDE1DRLCVFunctorHelper_swigregister(DoubleKDE1DRLCVFunctorHelper)
class UCharInMemoryNtuple(UCharAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, colNames: "StringVector", ntTitle: "char const *"=None):
_npstat.UCharInMemoryNtuple_swiginit(self, _npstat.new_UCharInMemoryNtuple(colNames, ntTitle))
__swig_destroy__ = _npstat.delete_UCharInMemoryNtuple
def nRows(self) -> "unsigned long":
return _npstat.UCharInMemoryNtuple_nRows(self)
def fill(self, *args) -> "void":
return _npstat.UCharInMemoryNtuple_fill(self, *args)
def __call__(self, r: "unsigned long const", c: "unsigned long const") -> "unsigned char":
return _npstat.UCharInMemoryNtuple___call__(self, r, c)
def at(self, r: "unsigned long const", c: "unsigned long const") -> "unsigned char":
return _npstat.UCharInMemoryNtuple_at(self, r, c)
def clear(self) -> "void":
return _npstat.UCharInMemoryNtuple_clear(self)
def rowContents(self, row: "unsigned long", buf: "unsigned char *", lenBuf: "unsigned long") -> "void":
return _npstat.UCharInMemoryNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "unsigned char *", lenBuf: "unsigned long") -> "void":
return _npstat.UCharInMemoryNtuple_columnContents(self, c, buf, lenBuf)
def classId(self) -> "gs::ClassId":
return _npstat.UCharInMemoryNtuple_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.UCharInMemoryNtuple_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.UCharInMemoryNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.UCharInMemoryNtuple_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< unsigned char > *":
return _npstat.UCharInMemoryNtuple_read(id, _in)
# Register UCharInMemoryNtuple in _npstat:
_npstat.UCharInMemoryNtuple_swigregister(UCharInMemoryNtuple)
def UCharInMemoryNtuple_classname() -> "char const *":
return _npstat.UCharInMemoryNtuple_classname()
def UCharInMemoryNtuple_version() -> "unsigned int":
return _npstat.UCharInMemoryNtuple_version()
def UCharInMemoryNtuple_read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< unsigned char > *":
return _npstat.UCharInMemoryNtuple_read(id, _in)
class ArchiveRecord_UCharInMemoryNtuple(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UCharInMemoryNtuple", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_UCharInMemoryNtuple_swiginit(self, _npstat.new_ArchiveRecord_UCharInMemoryNtuple(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_UCharInMemoryNtuple
# Register ArchiveRecord_UCharInMemoryNtuple in _npstat:
_npstat.ArchiveRecord_UCharInMemoryNtuple_swigregister(ArchiveRecord_UCharInMemoryNtuple)
class Ref_UCharInMemoryNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UCharInMemoryNtuple_swiginit(self, _npstat.new_Ref_UCharInMemoryNtuple(*args))
def restore(self, index: "unsigned long", obj: "UCharInMemoryNtuple") -> "void":
return _npstat.Ref_UCharInMemoryNtuple_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::InMemoryNtuple< unsigned char > *":
return _npstat.Ref_UCharInMemoryNtuple_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::InMemoryNtuple< unsigned char >":
return _npstat.Ref_UCharInMemoryNtuple_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UCharInMemoryNtuple
# Register Ref_UCharInMemoryNtuple in _npstat:
_npstat.Ref_UCharInMemoryNtuple_swigregister(Ref_UCharInMemoryNtuple)
class IntInMemoryNtuple(IntAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, colNames: "StringVector", ntTitle: "char const *"=None):
_npstat.IntInMemoryNtuple_swiginit(self, _npstat.new_IntInMemoryNtuple(colNames, ntTitle))
__swig_destroy__ = _npstat.delete_IntInMemoryNtuple
def nRows(self) -> "unsigned long":
return _npstat.IntInMemoryNtuple_nRows(self)
def fill(self, *args) -> "void":
return _npstat.IntInMemoryNtuple_fill(self, *args)
def __call__(self, r: "unsigned long const", c: "unsigned long const") -> "int":
return _npstat.IntInMemoryNtuple___call__(self, r, c)
def at(self, r: "unsigned long const", c: "unsigned long const") -> "int":
return _npstat.IntInMemoryNtuple_at(self, r, c)
def clear(self) -> "void":
return _npstat.IntInMemoryNtuple_clear(self)
def rowContents(self, row: "unsigned long", buf: "int *", lenBuf: "unsigned long") -> "void":
return _npstat.IntInMemoryNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "int *", lenBuf: "unsigned long") -> "void":
return _npstat.IntInMemoryNtuple_columnContents(self, c, buf, lenBuf)
def classId(self) -> "gs::ClassId":
return _npstat.IntInMemoryNtuple_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.IntInMemoryNtuple_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.IntInMemoryNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.IntInMemoryNtuple_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< int > *":
return _npstat.IntInMemoryNtuple_read(id, _in)
# Register IntInMemoryNtuple in _npstat:
_npstat.IntInMemoryNtuple_swigregister(IntInMemoryNtuple)
def IntInMemoryNtuple_classname() -> "char const *":
return _npstat.IntInMemoryNtuple_classname()
def IntInMemoryNtuple_version() -> "unsigned int":
return _npstat.IntInMemoryNtuple_version()
def IntInMemoryNtuple_read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< int > *":
return _npstat.IntInMemoryNtuple_read(id, _in)
class ArchiveRecord_IntInMemoryNtuple(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "IntInMemoryNtuple", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_IntInMemoryNtuple_swiginit(self, _npstat.new_ArchiveRecord_IntInMemoryNtuple(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_IntInMemoryNtuple
# Register ArchiveRecord_IntInMemoryNtuple in _npstat:
_npstat.ArchiveRecord_IntInMemoryNtuple_swigregister(ArchiveRecord_IntInMemoryNtuple)
class Ref_IntInMemoryNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IntInMemoryNtuple_swiginit(self, _npstat.new_Ref_IntInMemoryNtuple(*args))
def restore(self, index: "unsigned long", obj: "IntInMemoryNtuple") -> "void":
return _npstat.Ref_IntInMemoryNtuple_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::InMemoryNtuple< int > *":
return _npstat.Ref_IntInMemoryNtuple_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::InMemoryNtuple< int >":
return _npstat.Ref_IntInMemoryNtuple_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_IntInMemoryNtuple
# Register Ref_IntInMemoryNtuple in _npstat:
_npstat.Ref_IntInMemoryNtuple_swigregister(Ref_IntInMemoryNtuple)
class LongInMemoryNtuple(LongAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, colNames: "StringVector", ntTitle: "char const *"=None):
_npstat.LongInMemoryNtuple_swiginit(self, _npstat.new_LongInMemoryNtuple(colNames, ntTitle))
__swig_destroy__ = _npstat.delete_LongInMemoryNtuple
def nRows(self) -> "unsigned long":
return _npstat.LongInMemoryNtuple_nRows(self)
def fill(self, *args) -> "void":
return _npstat.LongInMemoryNtuple_fill(self, *args)
def __call__(self, r: "unsigned long const", c: "unsigned long const") -> "long":
return _npstat.LongInMemoryNtuple___call__(self, r, c)
def at(self, r: "unsigned long const", c: "unsigned long const") -> "long":
return _npstat.LongInMemoryNtuple_at(self, r, c)
def clear(self) -> "void":
return _npstat.LongInMemoryNtuple_clear(self)
def rowContents(self, row: "unsigned long", buf: "long *", lenBuf: "unsigned long") -> "void":
return _npstat.LongInMemoryNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "long *", lenBuf: "unsigned long") -> "void":
return _npstat.LongInMemoryNtuple_columnContents(self, c, buf, lenBuf)
def classId(self) -> "gs::ClassId":
return _npstat.LongInMemoryNtuple_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.LongInMemoryNtuple_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.LongInMemoryNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LongInMemoryNtuple_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< long > *":
return _npstat.LongInMemoryNtuple_read(id, _in)
# Register LongInMemoryNtuple in _npstat:
_npstat.LongInMemoryNtuple_swigregister(LongInMemoryNtuple)
def LongInMemoryNtuple_classname() -> "char const *":
return _npstat.LongInMemoryNtuple_classname()
def LongInMemoryNtuple_version() -> "unsigned int":
return _npstat.LongInMemoryNtuple_version()
def LongInMemoryNtuple_read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< long > *":
return _npstat.LongInMemoryNtuple_read(id, _in)
class ArchiveRecord_LongInMemoryNtuple(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LongInMemoryNtuple", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_LongInMemoryNtuple_swiginit(self, _npstat.new_ArchiveRecord_LongInMemoryNtuple(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_LongInMemoryNtuple
# Register ArchiveRecord_LongInMemoryNtuple in _npstat:
_npstat.ArchiveRecord_LongInMemoryNtuple_swigregister(ArchiveRecord_LongInMemoryNtuple)
class Ref_LongInMemoryNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LongInMemoryNtuple_swiginit(self, _npstat.new_Ref_LongInMemoryNtuple(*args))
def restore(self, index: "unsigned long", obj: "LongInMemoryNtuple") -> "void":
return _npstat.Ref_LongInMemoryNtuple_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::InMemoryNtuple< long > *":
return _npstat.Ref_LongInMemoryNtuple_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::InMemoryNtuple< long >":
return _npstat.Ref_LongInMemoryNtuple_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LongInMemoryNtuple
# Register Ref_LongInMemoryNtuple in _npstat:
_npstat.Ref_LongInMemoryNtuple_swigregister(Ref_LongInMemoryNtuple)
class FloatInMemoryNtuple(FloatAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, colNames: "StringVector", ntTitle: "char const *"=None):
_npstat.FloatInMemoryNtuple_swiginit(self, _npstat.new_FloatInMemoryNtuple(colNames, ntTitle))
__swig_destroy__ = _npstat.delete_FloatInMemoryNtuple
def nRows(self) -> "unsigned long":
return _npstat.FloatInMemoryNtuple_nRows(self)
def fill(self, *args) -> "void":
return _npstat.FloatInMemoryNtuple_fill(self, *args)
def __call__(self, r: "unsigned long const", c: "unsigned long const") -> "float":
return _npstat.FloatInMemoryNtuple___call__(self, r, c)
def at(self, r: "unsigned long const", c: "unsigned long const") -> "float":
return _npstat.FloatInMemoryNtuple_at(self, r, c)
def clear(self) -> "void":
return _npstat.FloatInMemoryNtuple_clear(self)
def rowContents(self, row: "unsigned long", buf: "float *", lenBuf: "unsigned long") -> "void":
return _npstat.FloatInMemoryNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "float *", lenBuf: "unsigned long") -> "void":
return _npstat.FloatInMemoryNtuple_columnContents(self, c, buf, lenBuf)
def classId(self) -> "gs::ClassId":
return _npstat.FloatInMemoryNtuple_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.FloatInMemoryNtuple_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatInMemoryNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatInMemoryNtuple_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< float > *":
return _npstat.FloatInMemoryNtuple_read(id, _in)
# Register FloatInMemoryNtuple in _npstat:
_npstat.FloatInMemoryNtuple_swigregister(FloatInMemoryNtuple)
def FloatInMemoryNtuple_classname() -> "char const *":
return _npstat.FloatInMemoryNtuple_classname()
def FloatInMemoryNtuple_version() -> "unsigned int":
return _npstat.FloatInMemoryNtuple_version()
def FloatInMemoryNtuple_read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< float > *":
return _npstat.FloatInMemoryNtuple_read(id, _in)
class ArchiveRecord_FloatInMemoryNtuple(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatInMemoryNtuple", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_FloatInMemoryNtuple_swiginit(self, _npstat.new_ArchiveRecord_FloatInMemoryNtuple(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_FloatInMemoryNtuple
# Register ArchiveRecord_FloatInMemoryNtuple in _npstat:
_npstat.ArchiveRecord_FloatInMemoryNtuple_swigregister(ArchiveRecord_FloatInMemoryNtuple)
class Ref_FloatInMemoryNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatInMemoryNtuple_swiginit(self, _npstat.new_Ref_FloatInMemoryNtuple(*args))
def restore(self, index: "unsigned long", obj: "FloatInMemoryNtuple") -> "void":
return _npstat.Ref_FloatInMemoryNtuple_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::InMemoryNtuple< float > *":
return _npstat.Ref_FloatInMemoryNtuple_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::InMemoryNtuple< float >":
return _npstat.Ref_FloatInMemoryNtuple_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatInMemoryNtuple
# Register Ref_FloatInMemoryNtuple in _npstat:
_npstat.Ref_FloatInMemoryNtuple_swigregister(Ref_FloatInMemoryNtuple)
class DoubleInMemoryNtuple(DoubleAbsNtuple):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, colNames: "StringVector", ntTitle: "char const *"=None):
_npstat.DoubleInMemoryNtuple_swiginit(self, _npstat.new_DoubleInMemoryNtuple(colNames, ntTitle))
__swig_destroy__ = _npstat.delete_DoubleInMemoryNtuple
def nRows(self) -> "unsigned long":
return _npstat.DoubleInMemoryNtuple_nRows(self)
def fill(self, *args) -> "void":
return _npstat.DoubleInMemoryNtuple_fill(self, *args)
def __call__(self, r: "unsigned long const", c: "unsigned long const") -> "double":
return _npstat.DoubleInMemoryNtuple___call__(self, r, c)
def at(self, r: "unsigned long const", c: "unsigned long const") -> "double":
return _npstat.DoubleInMemoryNtuple_at(self, r, c)
def clear(self) -> "void":
return _npstat.DoubleInMemoryNtuple_clear(self)
def rowContents(self, row: "unsigned long", buf: "double *", lenBuf: "unsigned long") -> "void":
return _npstat.DoubleInMemoryNtuple_rowContents(self, row, buf, lenBuf)
def columnContents(self, c: "Column", buf: "double *", lenBuf: "unsigned long") -> "void":
return _npstat.DoubleInMemoryNtuple_columnContents(self, c, buf, lenBuf)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleInMemoryNtuple_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.DoubleInMemoryNtuple_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleInMemoryNtuple_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleInMemoryNtuple_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< double > *":
return _npstat.DoubleInMemoryNtuple_read(id, _in)
# Register DoubleInMemoryNtuple in _npstat:
_npstat.DoubleInMemoryNtuple_swigregister(DoubleInMemoryNtuple)
def DoubleInMemoryNtuple_classname() -> "char const *":
return _npstat.DoubleInMemoryNtuple_classname()
def DoubleInMemoryNtuple_version() -> "unsigned int":
return _npstat.DoubleInMemoryNtuple_version()
def DoubleInMemoryNtuple_read(id: "ClassId", _in: "istream") -> "npstat::InMemoryNtuple< double > *":
return _npstat.DoubleInMemoryNtuple_read(id, _in)
class ArchiveRecord_DoubleInMemoryNtuple(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleInMemoryNtuple", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DoubleInMemoryNtuple_swiginit(self, _npstat.new_ArchiveRecord_DoubleInMemoryNtuple(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DoubleInMemoryNtuple
# Register ArchiveRecord_DoubleInMemoryNtuple in _npstat:
_npstat.ArchiveRecord_DoubleInMemoryNtuple_swigregister(ArchiveRecord_DoubleInMemoryNtuple)
class Ref_DoubleInMemoryNtuple(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleInMemoryNtuple_swiginit(self, _npstat.new_Ref_DoubleInMemoryNtuple(*args))
def restore(self, index: "unsigned long", obj: "DoubleInMemoryNtuple") -> "void":
return _npstat.Ref_DoubleInMemoryNtuple_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::InMemoryNtuple< double > *":
return _npstat.Ref_DoubleInMemoryNtuple_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::InMemoryNtuple< double >":
return _npstat.Ref_DoubleInMemoryNtuple_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleInMemoryNtuple
# Register Ref_DoubleInMemoryNtuple in _npstat:
_npstat.Ref_DoubleInMemoryNtuple_swigregister(Ref_DoubleInMemoryNtuple)
class SequentialCopulaSmoother(CVCopulaSmoother0):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_SequentialCopulaSmoother
def __init__(self, nBinsInEachDim: "unsigned int const *", marginTolerance: "double", maxNormCycles: "unsigned int", symbetaPower: "int", maxFilterDegree: "double", boundaryMethod: "BoundaryHandling", initialBw: "double", bwCoeffs: "double const *", cvCalc: "DoubleAbsBandwidthCVND", becomeCvCalcOwner: "bool", cvRange: "double", nCV: "unsigned int", useConvolve: "bool", doublyStochastic: "bool"=True):
_npstat.SequentialCopulaSmoother_swiginit(self, _npstat.new_SequentialCopulaSmoother(nBinsInEachDim, marginTolerance, maxNormCycles, symbetaPower, maxFilterDegree, boundaryMethod, initialBw, bwCoeffs, cvCalc, becomeCvCalcOwner, cvRange, nCV, useConvolve, doublyStochastic))
# Register SequentialCopulaSmoother in _npstat:
_npstat.SequentialCopulaSmoother_swigregister(SequentialCopulaSmoother)
class UCharBandwidthCVPseudoLogliND(UCharAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.UCharBandwidthCVPseudoLogliND_swiginit(self, _npstat.new_UCharBandwidthCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_UCharBandwidthCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.UCharBandwidthCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.UCharBandwidthCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.UCharBandwidthCVPseudoLogliND___call__(self, *args)
# Register UCharBandwidthCVPseudoLogliND in _npstat:
_npstat.UCharBandwidthCVPseudoLogliND_swigregister(UCharBandwidthCVPseudoLogliND)
class IntBandwidthCVPseudoLogliND(IntAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.IntBandwidthCVPseudoLogliND_swiginit(self, _npstat.new_IntBandwidthCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_IntBandwidthCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.IntBandwidthCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.IntBandwidthCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.IntBandwidthCVPseudoLogliND___call__(self, *args)
# Register IntBandwidthCVPseudoLogliND in _npstat:
_npstat.IntBandwidthCVPseudoLogliND_swigregister(IntBandwidthCVPseudoLogliND)
class LongBandwidthCVPseudoLogliND(LongAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.LongBandwidthCVPseudoLogliND_swiginit(self, _npstat.new_LongBandwidthCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_LongBandwidthCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.LongBandwidthCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.LongBandwidthCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.LongBandwidthCVPseudoLogliND___call__(self, *args)
# Register LongBandwidthCVPseudoLogliND in _npstat:
_npstat.LongBandwidthCVPseudoLogliND_swigregister(LongBandwidthCVPseudoLogliND)
class FloatBandwidthCVPseudoLogliND(FloatAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.FloatBandwidthCVPseudoLogliND_swiginit(self, _npstat.new_FloatBandwidthCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_FloatBandwidthCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.FloatBandwidthCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.FloatBandwidthCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.FloatBandwidthCVPseudoLogliND___call__(self, *args)
# Register FloatBandwidthCVPseudoLogliND in _npstat:
_npstat.FloatBandwidthCVPseudoLogliND_swigregister(FloatBandwidthCVPseudoLogliND)
class DoubleBandwidthCVPseudoLogliND(DoubleAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.DoubleBandwidthCVPseudoLogliND_swiginit(self, _npstat.new_DoubleBandwidthCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_DoubleBandwidthCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.DoubleBandwidthCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.DoubleBandwidthCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.DoubleBandwidthCVPseudoLogliND___call__(self, *args)
# Register DoubleBandwidthCVPseudoLogliND in _npstat:
_npstat.DoubleBandwidthCVPseudoLogliND_swigregister(DoubleBandwidthCVPseudoLogliND)
def contDegreeTaper(degree: "double const") -> "std::vector< double,std::allocator< double > >":
return _npstat.contDegreeTaper(degree)
class DensityScan1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", normfactor: "double", nbins: "unsigned long", xmin: "double", xmax: "double", nIntegrationPoints: "unsigned int"=1):
_npstat.DensityScan1D_swiginit(self, _npstat.new_DensityScan1D(fcn, normfactor, nbins, xmin, xmax, nIntegrationPoints))
def __call__(self, index: "unsigned int const *", len: "unsigned int") -> "double":
return _npstat.DensityScan1D___call__(self, index, len)
def averageDensity(self, binNumber: "unsigned int const") -> "double":
return _npstat.DensityScan1D_averageDensity(self, binNumber)
__swig_destroy__ = _npstat.delete_DensityScan1D
# Register DensityScan1D in _npstat:
_npstat.DensityScan1D_swigregister(DensityScan1D)
class DensityDiscretizationError1D(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", normfactor: "double const", discreteValue: "double const"):
_npstat.DensityDiscretizationError1D_swiginit(self, _npstat.new_DensityDiscretizationError1D(fcn, normfactor, discreteValue))
__swig_destroy__ = _npstat.delete_DensityDiscretizationError1D
def __call__(self, a: "double const &") -> "double":
return _npstat.DensityDiscretizationError1D___call__(self, a)
# Register DensityDiscretizationError1D in _npstat:
_npstat.DensityDiscretizationError1D_swigregister(DensityDiscretizationError1D)
class DensityScan1D_Linear(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", transform: "LinearMapper1d", normfactor: "double const"):
_npstat.DensityScan1D_Linear_swiginit(self, _npstat.new_DensityScan1D_Linear(fcn, transform, normfactor))
def __call__(self, index: "unsigned int const *", len: "unsigned int const") -> "double":
return _npstat.DensityScan1D_Linear___call__(self, index, len)
__swig_destroy__ = _npstat.delete_DensityScan1D_Linear
# Register DensityScan1D_Linear in _npstat:
_npstat.DensityScan1D_Linear_swigregister(DensityScan1D_Linear)
class DensityScan1D_Log(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", transform: "LogMapper1d", normfactor: "double const"):
_npstat.DensityScan1D_Log_swiginit(self, _npstat.new_DensityScan1D_Log(fcn, transform, normfactor))
def __call__(self, index: "unsigned int const *", len: "unsigned int const") -> "double":
return _npstat.DensityScan1D_Log___call__(self, index, len)
__swig_destroy__ = _npstat.delete_DensityScan1D_Log
# Register DensityScan1D_Log in _npstat:
_npstat.DensityScan1D_Log_swigregister(DensityScan1D_Log)
class DensityScan1D_Circular(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", transform: "CircularMapper1d", normfactor: "double const"):
_npstat.DensityScan1D_Circular_swiginit(self, _npstat.new_DensityScan1D_Circular(fcn, transform, normfactor))
def __call__(self, index: "unsigned int const *", len: "unsigned int const") -> "double":
return _npstat.DensityScan1D_Circular___call__(self, index, len)
__swig_destroy__ = _npstat.delete_DensityScan1D_Circular
# Register DensityScan1D_Circular in _npstat:
_npstat.DensityScan1D_Circular_swigregister(DensityScan1D_Circular)
class DensityScan1D_Interpolated(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", transform: "LinInterpolatedTable1D", normfactor: "double const"):
_npstat.DensityScan1D_Interpolated_swiginit(self, _npstat.new_DensityScan1D_Interpolated(fcn, transform, normfactor))
def __call__(self, index: "unsigned int const *", len: "unsigned int const") -> "double":
return _npstat.DensityScan1D_Interpolated___call__(self, index, len)
__swig_destroy__ = _npstat.delete_DensityScan1D_Interpolated
# Register DensityScan1D_Interpolated in _npstat:
_npstat.DensityScan1D_Interpolated_swigregister(DensityScan1D_Interpolated)
class DensityScan1D_Funct(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", transform: "DoubleFunctor1", normfactor: "double const"):
_npstat.DensityScan1D_Funct_swiginit(self, _npstat.new_DensityScan1D_Funct(fcn, transform, normfactor))
def __call__(self, index: "unsigned int const *", len: "unsigned int const") -> "double":
return _npstat.DensityScan1D_Funct___call__(self, index, len)
__swig_destroy__ = _npstat.delete_DensityScan1D_Funct
# Register DensityScan1D_Funct in _npstat:
_npstat.DensityScan1D_Funct_swigregister(DensityScan1D_Funct)
class DensityScan1D_Fcn(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, fcn: "AbsDistribution1D", transform: "DoubleFcnFunctor1", normfactor: "double const"):
_npstat.DensityScan1D_Fcn_swiginit(self, _npstat.new_DensityScan1D_Fcn(fcn, transform, normfactor))
def __call__(self, index: "unsigned int const *", len: "unsigned int const") -> "double":
return _npstat.DensityScan1D_Fcn___call__(self, index, len)
__swig_destroy__ = _npstat.delete_DensityScan1D_Fcn
# Register DensityScan1D_Fcn in _npstat:
_npstat.DensityScan1D_Fcn_swigregister(DensityScan1D_Fcn)
class InterpolatedDistro1D1P(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_InterpolatedDistro1D1P
def __init__(self, *args):
_npstat.InterpolatedDistro1D1P_swiginit(self, _npstat.new_InterpolatedDistro1D1P(*args))
def setGridDistro(self, cell: "unsigned int", distro: "AbsDistribution1D") -> "void":
return _npstat.InterpolatedDistro1D1P_setGridDistro(self, cell, distro)
def setParameter(self, value: "double") -> "void":
return _npstat.InterpolatedDistro1D1P_setParameter(self, value)
def getParameter(self) -> "double":
return _npstat.InterpolatedDistro1D1P_getParameter(self)
def getAxis(self) -> "npstat::GridAxis const &":
return _npstat.InterpolatedDistro1D1P_getAxis(self)
def nDistros(self) -> "unsigned int":
return _npstat.InterpolatedDistro1D1P_nDistros(self)
def interpolateVertically(self, b: "bool") -> "void":
return _npstat.InterpolatedDistro1D1P_interpolateVertically(self, b)
def interpolatingVertically(self) -> "bool":
return _npstat.InterpolatedDistro1D1P_interpolatingVertically(self)
def clone(self) -> "npstat::InterpolatedDistro1D1P *":
return _npstat.InterpolatedDistro1D1P_clone(self)
def density(self, x: "double const") -> "double":
return _npstat.InterpolatedDistro1D1P_density(self, x)
def cdf(self, x: "double const") -> "double":
return _npstat.InterpolatedDistro1D1P_cdf(self, x)
def exceedance(self, x: "double const") -> "double":
return _npstat.InterpolatedDistro1D1P_exceedance(self, x)
def quantile(self, x: "double const") -> "double":
return _npstat.InterpolatedDistro1D1P_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.InterpolatedDistro1D1P_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.InterpolatedDistro1D1P_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.InterpolatedDistro1D1P_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.InterpolatedDistro1D1P_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::InterpolatedDistro1D1P *":
return _npstat.InterpolatedDistro1D1P_read(id, _in)
# Register InterpolatedDistro1D1P in _npstat:
_npstat.InterpolatedDistro1D1P_swigregister(InterpolatedDistro1D1P)
def InterpolatedDistro1D1P_classname() -> "char const *":
return _npstat.InterpolatedDistro1D1P_classname()
def InterpolatedDistro1D1P_version() -> "unsigned int":
return _npstat.InterpolatedDistro1D1P_version()
def InterpolatedDistro1D1P_read(id: "ClassId", _in: "istream") -> "npstat::InterpolatedDistro1D1P *":
return _npstat.InterpolatedDistro1D1P_read(id, _in)
class ArchiveRecord_InterpolatedDistro1D1P(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "InterpolatedDistro1D1P", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_InterpolatedDistro1D1P_swiginit(self, _npstat.new_ArchiveRecord_InterpolatedDistro1D1P(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_InterpolatedDistro1D1P
# Register ArchiveRecord_InterpolatedDistro1D1P in _npstat:
_npstat.ArchiveRecord_InterpolatedDistro1D1P_swigregister(ArchiveRecord_InterpolatedDistro1D1P)
class Ref_InterpolatedDistro1D1P(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_InterpolatedDistro1D1P_swiginit(self, _npstat.new_Ref_InterpolatedDistro1D1P(*args))
def restore(self, index: "unsigned long", obj: "InterpolatedDistro1D1P") -> "void":
return _npstat.Ref_InterpolatedDistro1D1P_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::InterpolatedDistro1D1P *":
return _npstat.Ref_InterpolatedDistro1D1P_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::InterpolatedDistro1D1P":
return _npstat.Ref_InterpolatedDistro1D1P_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_InterpolatedDistro1D1P
# Register Ref_InterpolatedDistro1D1P in _npstat:
_npstat.Ref_InterpolatedDistro1D1P_swigregister(Ref_InterpolatedDistro1D1P)
class LOrPE1DVariableDegreeCVRunner(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_relativeBandwidths: "LinInterpolatedTable1D", i_maxDeg: "double const", i_nDegsInTheGrid: "unsigned int const", i_initialDeg: "double const", i_initialBwFactorGuess: "double const", i_initialDegStep: "double const", i_bwTol: "double const"):
_npstat.LOrPE1DVariableDegreeCVRunner_swiginit(self, _npstat.new_LOrPE1DVariableDegreeCVRunner(i_relativeBandwidths, i_maxDeg, i_nDegsInTheGrid, i_initialDeg, i_initialBwFactorGuess, i_initialDegStep, i_bwTol))
__swig_destroy__ = _npstat.delete_LOrPE1DVariableDegreeCVRunner
# Register LOrPE1DVariableDegreeCVRunner in _npstat:
_npstat.LOrPE1DVariableDegreeCVRunner_swigregister(LOrPE1DVariableDegreeCVRunner)
class LOrPE1DVariableDegreeCVPicker(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
- def __init__(self, i_maxDeg: "double const", i_nDegsInTheGrid: "unsigned int const", maxBwFactorForEachDeg: "DoubleVector", maxToMinBwRatio: "double const", nBwFactors: "unsigned int const", initialDeg: "double const", initialStepSizeInDegreeGridCells: "unsigned int const", startingBwFactorForEachDeg: "DoubleVector", initialStepSizeInFactorsGridCells: "unsigned int const"):
- _npstat.LOrPE1DVariableDegreeCVPicker_swiginit(self, _npstat.new_LOrPE1DVariableDegreeCVPicker(i_maxDeg, i_nDegsInTheGrid, maxBwFactorForEachDeg, maxToMinBwRatio, nBwFactors, initialDeg, initialStepSizeInDegreeGridCells, startingBwFactorForEachDeg, initialStepSizeInFactorsGridCells))
+ def __init__(self, i_maxDeg: "double const", minBwFactors: "DoubleVector", maxBwFactors: "DoubleVector", startingBwFactors: "DoubleVector", nBwFactors: "unsigned int const", initialStepSizeInFactorCells: "unsigned int const", initialDeg: "double const", initialStepSizeInDegreeCells: "unsigned int const"):
+ _npstat.LOrPE1DVariableDegreeCVPicker_swiginit(self, _npstat.new_LOrPE1DVariableDegreeCVPicker(i_maxDeg, minBwFactors, maxBwFactors, startingBwFactors, nBwFactors, initialStepSizeInFactorCells, initialDeg, initialStepSizeInDegreeCells))
__swig_destroy__ = _npstat.delete_LOrPE1DVariableDegreeCVPicker
# Register LOrPE1DVariableDegreeCVPicker in _npstat:
_npstat.LOrPE1DVariableDegreeCVPicker_swigregister(LOrPE1DVariableDegreeCVPicker)
class DoubleLOrPE1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleLOrPE1D_swiginit(self, _npstat.new_DoubleLOrPE1D(*args))
__swig_destroy__ = _npstat.delete_DoubleLOrPE1D
def setNormFactor(self, d: "double const") -> "void":
return _npstat.DoubleLOrPE1D_setNormFactor(self, d)
def setSample(self, *args) -> "void":
return _npstat.DoubleLOrPE1D_setSample(self, *args)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleLOrPE1D_setWeights(self, weights)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.DoubleLOrPE1D_normalizingLOrPEEstimate(self)
def kernel(self) -> "npstat::LOrPE1DSymbetaKernel const &":
return _npstat.DoubleLOrPE1D_kernel(self)
def normFactor(self) -> "double":
return _npstat.DoubleLOrPE1D_normFactor(self)
def coords(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.DoubleLOrPE1D_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.DoubleLOrPE1D_nCoords(self)
def minCoordinate(self) -> "double":
return _npstat.DoubleLOrPE1D_minCoordinate(self)
def maxCoordinate(self) -> "double":
return _npstat.DoubleLOrPE1D_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.DoubleLOrPE1D_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.DoubleLOrPE1D_effectiveSampleSize(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.DoubleLOrPE1D_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.DoubleLOrPE1D_pointWeight(self, i)
def bandwidthCurve(self, arg2: "double const") -> "double":
return _npstat.DoubleLOrPE1D_bandwidthCurve(self, arg2)
def cvLocalizingWeight(self, arg2: "double const") -> "double":
return _npstat.DoubleLOrPE1D_cvLocalizingWeight(self, arg2)
def density(self, x: "double const", bw: "double const") -> "double":
return _npstat.DoubleLOrPE1D_density(self, x, bw)
def __eq__(self, r: "DoubleLOrPE1D") -> "bool":
return _npstat.DoubleLOrPE1D___eq__(self, r)
def __ne__(self, r: "DoubleLOrPE1D") -> "bool":
return _npstat.DoubleLOrPE1D___ne__(self, r)
@staticmethod
def cvCapable() -> "bool":
return _npstat.DoubleLOrPE1D_cvCapable()
def densityFunctor(self, *args) -> "npstat::LOrPE1DFunctorHelper< double,double >":
return _npstat.DoubleLOrPE1D_densityFunctor(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.DoubleLOrPE1D_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.DoubleLOrPE1D_integratedSquaredError(self, *args)
def normalizeDensityEstimate(self, *args) -> "double":
return _npstat.DoubleLOrPE1D_normalizeDensityEstimate(self, *args)
# Register DoubleLOrPE1D in _npstat:
_npstat.DoubleLOrPE1D_swigregister(DoubleLOrPE1D)
def DoubleLOrPE1D_cvCapable() -> "bool":
return _npstat.DoubleLOrPE1D_cvCapable()
class DoubleDoublePairLOrPE1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleDoublePairLOrPE1D_swiginit(self, _npstat.new_DoubleDoublePairLOrPE1D(*args))
__swig_destroy__ = _npstat.delete_DoubleDoublePairLOrPE1D
def setNormFactor(self, d: "double const") -> "void":
return _npstat.DoubleDoublePairLOrPE1D_setNormFactor(self, d)
def setSample(self, *args) -> "void":
return _npstat.DoubleDoublePairLOrPE1D_setSample(self, *args)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleDoublePairLOrPE1D_setWeights(self, weights)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.DoubleDoublePairLOrPE1D_normalizingLOrPEEstimate(self)
def kernel(self) -> "npstat::LOrPE1DSymbetaKernel const &":
return _npstat.DoubleDoublePairLOrPE1D_kernel(self)
def normFactor(self) -> "double":
return _npstat.DoubleDoublePairLOrPE1D_normFactor(self)
def coords(self) -> "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &":
return _npstat.DoubleDoublePairLOrPE1D_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.DoubleDoublePairLOrPE1D_nCoords(self)
def minCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePairLOrPE1D_minCoordinate(self)
def maxCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePairLOrPE1D_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.DoubleDoublePairLOrPE1D_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.DoubleDoublePairLOrPE1D_effectiveSampleSize(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePairLOrPE1D_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePairLOrPE1D_pointWeight(self, i)
def bandwidthCurve(self, arg2: "double const") -> "double":
return _npstat.DoubleDoublePairLOrPE1D_bandwidthCurve(self, arg2)
def cvLocalizingWeight(self, arg2: "double const") -> "double":
return _npstat.DoubleDoublePairLOrPE1D_cvLocalizingWeight(self, arg2)
def density(self, x: "double const", bw: "double const") -> "double":
return _npstat.DoubleDoublePairLOrPE1D_density(self, x, bw)
def __eq__(self, r: "DoubleDoublePairLOrPE1D") -> "bool":
return _npstat.DoubleDoublePairLOrPE1D___eq__(self, r)
def __ne__(self, r: "DoubleDoublePairLOrPE1D") -> "bool":
return _npstat.DoubleDoublePairLOrPE1D___ne__(self, r)
@staticmethod
def cvCapable() -> "bool":
return _npstat.DoubleDoublePairLOrPE1D_cvCapable()
def densityFunctor(self, *args) -> "npstat::LOrPE1DFunctorHelper< std::pair< double,double >,double >":
return _npstat.DoubleDoublePairLOrPE1D_densityFunctor(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.DoubleDoublePairLOrPE1D_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.DoubleDoublePairLOrPE1D_integratedSquaredError(self, *args)
def normalizeDensityEstimate(self, *args) -> "double":
return _npstat.DoubleDoublePairLOrPE1D_normalizeDensityEstimate(self, *args)
# Register DoubleDoublePairLOrPE1D in _npstat:
_npstat.DoubleDoublePairLOrPE1D_swigregister(DoubleDoublePairLOrPE1D)
def DoubleDoublePairLOrPE1D_cvCapable() -> "bool":
return _npstat.DoubleDoublePairLOrPE1D_cvCapable()
class Double_Double_Double_LOrPE1DCVFunctorHelper(DoubleFunctor1, DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_Double_Double_Double_LOrPE1DCVFunctorHelper
def bindFilterDegree(self, deg: "double const") -> "void":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree(self, deg)
def unbindFilterDegree(self) -> "void":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree(self)
def boundFilterDegree(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_boundFilterDegree(self)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_setWeights(self, weights)
def symbetaPower(self) -> "int":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_symbetaPower(self)
def leftBoundary(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_leftBoundary(self)
def rightBoundary(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_rightBoundary(self)
def bh(self) -> "npstat::BoundaryHandling":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_bh(self)
def localizingWeightXmin(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin(self)
def localizingWeighXmax(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax(self)
def nIntegIntervals(self) -> "unsigned int":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_nIntegIntervals(self)
def nIntegPoints(self) -> "unsigned int":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_nIntegPoints(self)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(self)
def coords(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_nCoords(self)
def minCoordinate(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_minCoordinate(self)
def maxCoordinate(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize(self)
def isMemoizingKernels(self) -> "bool":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels(self)
def isMemoizingNorms(self) -> "bool":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms(self)
def isUsingMemoisingKernels(self) -> "bool":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(self)
def memoizeKernels(self, b: "bool const") -> "void":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels(self, b)
def memoizeNorms(self, b: "bool const") -> "void":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms(self, b)
def useMemoisingKernels(self, b: "bool const") -> "void":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels(self, b)
def clearMemoizedInfo(self) -> "void":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo(self)
def clearKernel(self) -> "void":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_clearKernel(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_pointWeight(self, i)
def bandwidthCurve(self, x: "double const") -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve(self, x)
def cvLocalizingWeight(self, x: "double const") -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight(self, x)
def cvLocalizingWeightFunctor(self) -> "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(self)
def density(self, *args) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_density(self, *args)
def densityFunctor(self, *args) -> "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,double > >":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor(self, *args)
def getLOrPE1D(self, *args) -> "npstat::LOrPE1D< double >":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D(self, *args)
def __call__(self, *args) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper___call__(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError(self, *args)
@staticmethod
def cvCapable() -> "bool":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_cvCapable()
def sortedCoords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_sortedCoords(self)
def sortedCoordWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights(self)
# Register Double_Double_Double_LOrPE1DCVFunctorHelper in _npstat:
_npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_swigregister(Double_Double_Double_LOrPE1DCVFunctorHelper)
def Double_Double_Double_LOrPE1DCVFunctorHelper_cvCapable() -> "bool":
return _npstat.Double_Double_Double_LOrPE1DCVFunctorHelper_cvCapable()
class DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper(DoubleFunctor1, DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper
def bindFilterDegree(self, deg: "double const") -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bindFilterDegree(self, deg)
def unbindFilterDegree(self) -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree(self)
def boundFilterDegree(self) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_boundFilterDegree(self)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_setWeights(self, weights)
def symbetaPower(self) -> "int":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_symbetaPower(self)
def leftBoundary(self) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_leftBoundary(self)
def rightBoundary(self) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_rightBoundary(self)
def bh(self) -> "npstat::BoundaryHandling":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bh(self)
def localizingWeightXmin(self) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin(self)
def localizingWeighXmax(self) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax(self)
def nIntegIntervals(self) -> "unsigned int":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_nIntegIntervals(self)
def nIntegPoints(self) -> "unsigned int":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_nIntegPoints(self)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(self)
def coords(self) -> "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_nCoords(self)
def minCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_minCoordinate(self)
def maxCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize(self)
def isMemoizingKernels(self) -> "bool":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels(self)
def isMemoizingNorms(self) -> "bool":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms(self)
def isUsingMemoisingKernels(self) -> "bool":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(self)
def memoizeKernels(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeKernels(self, b)
def memoizeNorms(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_memoizeNorms(self, b)
def useMemoisingKernels(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels(self, b)
def clearMemoizedInfo(self) -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo(self)
def clearKernel(self) -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_clearKernel(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_pointWeight(self, i)
def bandwidthCurve(self, x: "double const") -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_bandwidthCurve(self, x)
def cvLocalizingWeight(self, x: "double const") -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight(self, x)
def cvLocalizingWeightFunctor(self) -> "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(self)
def density(self, *args) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_density(self, *args)
def densityFunctor(self, *args) -> "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,double > >":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityFunctor(self, *args)
def getLOrPE1D(self, *args) -> "npstat::LOrPE1D< std::pair< double,double > >":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_getLOrPE1D(self, *args)
def __call__(self, *args) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper___call__(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_integratedSquaredError(self, *args)
@staticmethod
def cvCapable() -> "bool":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvCapable()
def sortedCoords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_sortedCoords(self)
def sortedCoordWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights(self)
# Register DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_swigregister(DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper)
def DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvCapable() -> "bool":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper_cvCapable()
class Double_PyFCN_Double_LOrPE1DCVFunctorHelper(DoubleFunctor1, DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_Double_PyFCN_Double_LOrPE1DCVFunctorHelper
def bindFilterDegree(self, deg: "double const") -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree(self, deg)
def unbindFilterDegree(self) -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree(self)
def boundFilterDegree(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_boundFilterDegree(self)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_setWeights(self, weights)
def symbetaPower(self) -> "int":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_symbetaPower(self)
def leftBoundary(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_leftBoundary(self)
def rightBoundary(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_rightBoundary(self)
def bh(self) -> "npstat::BoundaryHandling":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bh(self)
def localizingWeightXmin(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin(self)
def localizingWeighXmax(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax(self)
def nIntegIntervals(self) -> "unsigned int":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegIntervals(self)
def nIntegPoints(self) -> "unsigned int":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegPoints(self)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(self)
def coords(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_nCoords(self)
def minCoordinate(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_minCoordinate(self)
def maxCoordinate(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize(self)
def isMemoizingKernels(self) -> "bool":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels(self)
def isMemoizingNorms(self) -> "bool":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms(self)
def isUsingMemoisingKernels(self) -> "bool":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(self)
def memoizeKernels(self, b: "bool const") -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels(self, b)
def memoizeNorms(self, b: "bool const") -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms(self, b)
def useMemoisingKernels(self, b: "bool const") -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels(self, b)
def clearMemoizedInfo(self) -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo(self)
def clearKernel(self) -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_clearKernel(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight(self, i)
def bandwidthCurve(self, x: "double const") -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve(self, x)
def cvLocalizingWeight(self, x: "double const") -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight(self, x)
def cvLocalizingWeightFunctor(self) -> "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(self)
def density(self, *args) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_density(self, *args)
def densityFunctor(self, *args) -> "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,double > >":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor(self, *args)
def getLOrPE1D(self, *args) -> "npstat::LOrPE1D< double >":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D(self, *args)
def __call__(self, *args) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper___call__(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError(self, *args)
@staticmethod
def cvCapable() -> "bool":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable()
def sortedCoords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoords(self)
def sortedCoordWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights(self)
# Register Double_PyFCN_Double_LOrPE1DCVFunctorHelper in _npstat:
_npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_swigregister(Double_PyFCN_Double_LOrPE1DCVFunctorHelper)
def Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable() -> "bool":
return _npstat.Double_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable()
class DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper(DoubleFunctor1, DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper
def bindFilterDegree(self, deg: "double const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bindFilterDegree(self, deg)
def unbindFilterDegree(self) -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_unbindFilterDegree(self)
def boundFilterDegree(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_boundFilterDegree(self)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_setWeights(self, weights)
def symbetaPower(self) -> "int":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_symbetaPower(self)
def leftBoundary(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_leftBoundary(self)
def rightBoundary(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_rightBoundary(self)
def bh(self) -> "npstat::BoundaryHandling":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bh(self)
def localizingWeightXmin(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeightXmin(self)
def localizingWeighXmax(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_localizingWeighXmax(self)
def nIntegIntervals(self) -> "unsigned int":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegIntervals(self)
def nIntegPoints(self) -> "unsigned int":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_nIntegPoints(self)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(self)
def coords(self) -> "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_nCoords(self)
def minCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_minCoordinate(self)
def maxCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_effectiveSampleSize(self)
def isMemoizingKernels(self) -> "bool":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingKernels(self)
def isMemoizingNorms(self) -> "bool":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_isMemoizingNorms(self)
def isUsingMemoisingKernels(self) -> "bool":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(self)
def memoizeKernels(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeKernels(self, b)
def memoizeNorms(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_memoizeNorms(self, b)
def useMemoisingKernels(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_useMemoisingKernels(self, b)
def clearMemoizedInfo(self) -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_clearMemoizedInfo(self)
def clearKernel(self) -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_clearKernel(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_pointWeight(self, i)
def bandwidthCurve(self, x: "double const") -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_bandwidthCurve(self, x)
def cvLocalizingWeight(self, x: "double const") -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeight(self, x)
def cvLocalizingWeightFunctor(self) -> "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(self)
def density(self, *args) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_density(self, *args)
def densityFunctor(self, *args) -> "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double > >":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityFunctor(self, *args)
def getLOrPE1D(self, *args) -> "npstat::LOrPE1D< std::pair< double,double > >":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_getLOrPE1D(self, *args)
def __call__(self, *args) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper___call__(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_integratedSquaredError(self, *args)
@staticmethod
def cvCapable() -> "bool":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable()
def sortedCoords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoords(self)
def sortedCoordWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_sortedCoordWeights(self)
# Register DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_swigregister(DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper)
def DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable() -> "bool":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper_cvCapable()
class Double_Double_PyFCN_LOrPE1DCVFunctorHelper(DoubleFunctor1, DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_Double_Double_PyFCN_LOrPE1DCVFunctorHelper
def bindFilterDegree(self, deg: "double const") -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree(self, deg)
def unbindFilterDegree(self) -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree(self)
def boundFilterDegree(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree(self)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_setWeights(self, weights)
def symbetaPower(self) -> "int":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower(self)
def leftBoundary(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary(self)
def rightBoundary(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary(self)
def bh(self) -> "npstat::BoundaryHandling":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bh(self)
def localizingWeightXmin(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin(self)
def localizingWeighXmax(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax(self)
def nIntegIntervals(self) -> "unsigned int":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals(self)
def nIntegPoints(self) -> "unsigned int":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints(self)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(self)
def coords(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_nCoords(self)
def minCoordinate(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate(self)
def maxCoordinate(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize(self)
def isMemoizingKernels(self) -> "bool":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels(self)
def isMemoizingNorms(self) -> "bool":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms(self)
def isUsingMemoisingKernels(self) -> "bool":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(self)
def memoizeKernels(self, b: "bool const") -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels(self, b)
def memoizeNorms(self, b: "bool const") -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms(self, b)
def useMemoisingKernels(self, b: "bool const") -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels(self, b)
def clearMemoizedInfo(self) -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo(self)
def clearKernel(self) -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_clearKernel(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight(self, i)
def bandwidthCurve(self, x: "double const") -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve(self, x)
def cvLocalizingWeight(self, x: "double const") -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight(self, x)
def cvLocalizingWeightFunctor(self) -> "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(self)
def density(self, *args) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_density(self, *args)
def densityFunctor(self, *args) -> "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,double,npstat::Functor1RefHelper< double,double > > >":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor(self, *args)
def getLOrPE1D(self, *args) -> "npstat::LOrPE1D< double >":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D(self, *args)
def __call__(self, *args) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper___call__(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError(self, *args)
@staticmethod
def cvCapable() -> "bool":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable()
def sortedCoords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords(self)
def sortedCoordWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights(self)
# Register Double_Double_PyFCN_LOrPE1DCVFunctorHelper in _npstat:
_npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_swigregister(Double_Double_PyFCN_LOrPE1DCVFunctorHelper)
def Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable() -> "bool":
return _npstat.Double_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable()
class DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper(DoubleFunctor1, DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper
def bindFilterDegree(self, deg: "double const") -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree(self, deg)
def unbindFilterDegree(self) -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree(self)
def boundFilterDegree(self) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree(self)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_setWeights(self, weights)
def symbetaPower(self) -> "int":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower(self)
def leftBoundary(self) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary(self)
def rightBoundary(self) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary(self)
def bh(self) -> "npstat::BoundaryHandling":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bh(self)
def localizingWeightXmin(self) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin(self)
def localizingWeighXmax(self) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax(self)
def nIntegIntervals(self) -> "unsigned int":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals(self)
def nIntegPoints(self) -> "unsigned int":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints(self)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(self)
def coords(self) -> "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_nCoords(self)
def minCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate(self)
def maxCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize(self)
def isMemoizingKernels(self) -> "bool":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels(self)
def isMemoizingNorms(self) -> "bool":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms(self)
def isUsingMemoisingKernels(self) -> "bool":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(self)
def memoizeKernels(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels(self, b)
def memoizeNorms(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms(self, b)
def useMemoisingKernels(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels(self, b)
def clearMemoizedInfo(self) -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo(self)
def clearKernel(self) -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_clearKernel(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_pointWeight(self, i)
def bandwidthCurve(self, x: "double const") -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve(self, x)
def cvLocalizingWeight(self, x: "double const") -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight(self, x)
def cvLocalizingWeightFunctor(self) -> "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(self)
def density(self, *args) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_density(self, *args)
def densityFunctor(self, *args) -> "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,double,npstat::Functor1RefHelper< double,double > > >":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor(self, *args)
def getLOrPE1D(self, *args) -> "npstat::LOrPE1D< std::pair< double,double > >":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D(self, *args)
def __call__(self, *args) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper___call__(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError(self, *args)
@staticmethod
def cvCapable() -> "bool":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable()
def sortedCoords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords(self)
def sortedCoordWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights(self)
# Register DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_swigregister(DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper)
def DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable() -> "bool":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper_cvCapable()
class Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper(DoubleFunctor1, DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper
def bindFilterDegree(self, deg: "double const") -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree(self, deg)
def unbindFilterDegree(self) -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree(self)
def boundFilterDegree(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree(self)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_setWeights(self, weights)
def symbetaPower(self) -> "int":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower(self)
def leftBoundary(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary(self)
def rightBoundary(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary(self)
def bh(self) -> "npstat::BoundaryHandling":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bh(self)
def localizingWeightXmin(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin(self)
def localizingWeighXmax(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax(self)
def nIntegIntervals(self) -> "unsigned int":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals(self)
def nIntegPoints(self) -> "unsigned int":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints(self)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(self)
def coords(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nCoords(self)
def minCoordinate(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate(self)
def maxCoordinate(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize(self)
def isMemoizingKernels(self) -> "bool":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels(self)
def isMemoizingNorms(self) -> "bool":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms(self)
def isUsingMemoisingKernels(self) -> "bool":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(self)
def memoizeKernels(self, b: "bool const") -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels(self, b)
def memoizeNorms(self, b: "bool const") -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms(self, b)
def useMemoisingKernels(self, b: "bool const") -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels(self, b)
def clearMemoizedInfo(self) -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo(self)
def clearKernel(self) -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearKernel(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight(self, i)
def bandwidthCurve(self, x: "double const") -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve(self, x)
def cvLocalizingWeight(self, x: "double const") -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight(self, x)
def cvLocalizingWeightFunctor(self) -> "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(self)
def density(self, *args) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density(self, *args)
def densityFunctor(self, *args) -> "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< double,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor(self, *args)
def getLOrPE1D(self, *args) -> "npstat::LOrPE1D< double >":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D(self, *args)
def __call__(self, *args) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError(self, *args)
@staticmethod
def cvCapable() -> "bool":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable()
def sortedCoords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords(self)
def sortedCoordWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights(self)
# Register Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper in _npstat:
_npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_swigregister(Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper)
def Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable() -> "bool":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable()
class DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper(DoubleFunctor1, DoubleFunctor2):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper
def bindFilterDegree(self, deg: "double const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bindFilterDegree(self, deg)
def unbindFilterDegree(self) -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_unbindFilterDegree(self)
def boundFilterDegree(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_boundFilterDegree(self)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_setWeights(self, weights)
def symbetaPower(self) -> "int":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_symbetaPower(self)
def leftBoundary(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_leftBoundary(self)
def rightBoundary(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_rightBoundary(self)
def bh(self) -> "npstat::BoundaryHandling":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bh(self)
def localizingWeightXmin(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeightXmin(self)
def localizingWeighXmax(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_localizingWeighXmax(self)
def nIntegIntervals(self) -> "unsigned int":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegIntervals(self)
def nIntegPoints(self) -> "unsigned int":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nIntegPoints(self)
def normalizingLOrPEEstimate(self) -> "bool":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_normalizingLOrPEEstimate(self)
def coords(self) -> "std::vector< std::pair< double,double >,std::allocator< std::pair< double,double > > > const &":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_nCoords(self)
def minCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_minCoordinate(self)
def maxCoordinate(self) -> "std::pair< double,double >":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_maxCoordinate(self)
def totalSampleWeight(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_totalSampleWeight(self)
def effectiveSampleSize(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_effectiveSampleSize(self)
def isMemoizingKernels(self) -> "bool":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingKernels(self)
def isMemoizingNorms(self) -> "bool":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isMemoizingNorms(self)
def isUsingMemoisingKernels(self) -> "bool":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_isUsingMemoisingKernels(self)
def memoizeKernels(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeKernels(self, b)
def memoizeNorms(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_memoizeNorms(self, b)
def useMemoisingKernels(self, b: "bool const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_useMemoisingKernels(self, b)
def clearMemoizedInfo(self) -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearMemoizedInfo(self)
def clearKernel(self) -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_clearKernel(self)
def pointCoordinate(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointCoordinate(self, i)
def pointWeight(self, i: "unsigned long const") -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_pointWeight(self, i)
def bandwidthCurve(self, x: "double const") -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_bandwidthCurve(self, x)
def cvLocalizingWeight(self, x: "double const") -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeight(self, x)
def cvLocalizingWeightFunctor(self) -> "npstat::LOrPE1DCVLocalizingWeightFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvLocalizingWeightFunctor(self)
def density(self, *args) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_density(self, *args)
def densityFunctor(self, *args) -> "npstat::LOrPE1DCVDensityFunctor< npstat::LOrPE1DCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > > >":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityFunctor(self, *args)
def getLOrPE1D(self, *args) -> "npstat::LOrPE1D< std::pair< double,double > >":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_getLOrPE1D(self, *args)
def __call__(self, *args) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper___call__(self, *args)
def densityIntegral(self, *args) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_densityIntegral(self, *args)
def integratedSquaredError(self, *args) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_integratedSquaredError(self, *args)
@staticmethod
def cvCapable() -> "bool":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable()
def sortedCoords(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoords(self)
def sortedCoordWeights(self) -> "std::vector< double,std::allocator< double > >":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_sortedCoordWeights(self)
# Register DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_swigregister(DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper)
def DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable() -> "bool":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper_cvCapable()
class Double_Double_Double_LOrPE1DLSCVFunctorHelper(Double_Double_Double_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_Double_Double_Double_LOrPE1DLSCVFunctorHelper
# Register Double_Double_Double_LOrPE1DLSCVFunctorHelper in _npstat:
_npstat.Double_Double_Double_LOrPE1DLSCVFunctorHelper_swigregister(Double_Double_Double_LOrPE1DLSCVFunctorHelper)
class DoubleDoublePair_Double_Double_LOrPE1DLSCVFunctorHelper(DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_Double_LOrPE1DLSCVFunctorHelper
# Register DoubleDoublePair_Double_Double_LOrPE1DLSCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_Double_Double_LOrPE1DLSCVFunctorHelper_swigregister(DoubleDoublePair_Double_Double_LOrPE1DLSCVFunctorHelper)
class Double_PyFCN_Double_LOrPE1DLSCVFunctorHelper(Double_PyFCN_Double_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_Double_PyFCN_Double_LOrPE1DLSCVFunctorHelper
# Register Double_PyFCN_Double_LOrPE1DLSCVFunctorHelper in _npstat:
_npstat.Double_PyFCN_Double_LOrPE1DLSCVFunctorHelper_swigregister(Double_PyFCN_Double_LOrPE1DLSCVFunctorHelper)
class DoubleDoublePair_PyFCN_Double_LOrPE1DLSCVFunctorHelper(DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_Double_LOrPE1DLSCVFunctorHelper
# Register DoubleDoublePair_PyFCN_Double_LOrPE1DLSCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DLSCVFunctorHelper_swigregister(DoubleDoublePair_PyFCN_Double_LOrPE1DLSCVFunctorHelper)
class Double_Double_PyFCN_LOrPE1DLSCVFunctorHelper(Double_Double_PyFCN_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_Double_Double_PyFCN_LOrPE1DLSCVFunctorHelper
# Register Double_Double_PyFCN_LOrPE1DLSCVFunctorHelper in _npstat:
_npstat.Double_Double_PyFCN_LOrPE1DLSCVFunctorHelper_swigregister(Double_Double_PyFCN_LOrPE1DLSCVFunctorHelper)
class DoubleDoublePair_Double_PyFCN_LOrPE1DLSCVFunctorHelper(DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_PyFCN_LOrPE1DLSCVFunctorHelper
# Register DoubleDoublePair_Double_PyFCN_LOrPE1DLSCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DLSCVFunctorHelper_swigregister(DoubleDoublePair_Double_PyFCN_LOrPE1DLSCVFunctorHelper)
class Double_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper(Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_Double_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper
# Register Double_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper in _npstat:
_npstat.Double_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper_swigregister(Double_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper)
class DoubleDoublePair_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper(DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper
# Register DoubleDoublePair_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper_swigregister(DoubleDoublePair_PyFCN_PyFCN_LOrPE1DLSCVFunctorHelper)
class Double_Double_Double_LOrPE1DRLCVFunctorHelper(Double_Double_Double_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_symbetaPower: "int const", i_leftBoundary: "double const", i_rightBoundary: "double const", i_bh: "BoundaryHandling", i_bandwidthFunctor: "double const &", i_localizingWeight: "double const &", i_localizingWeightXmin: "double const", i_localizingWeightXmax: "double const", i_nIntegIntervals: "unsigned int const", i_nIntegPoints: "unsigned int const", i_normalizeLOrPEEstimate: "bool const", i_coords: "DoubleVector", i_rlcvAlpha: "double const"=0.5):
_npstat.Double_Double_Double_LOrPE1DRLCVFunctorHelper_swiginit(self, _npstat.new_Double_Double_Double_LOrPE1DRLCVFunctorHelper(i_symbetaPower, i_leftBoundary, i_rightBoundary, i_bh, i_bandwidthFunctor, i_localizingWeight, i_localizingWeightXmin, i_localizingWeightXmax, i_nIntegIntervals, i_nIntegPoints, i_normalizeLOrPEEstimate, i_coords, i_rlcvAlpha))
__swig_destroy__ = _npstat.delete_Double_Double_Double_LOrPE1DRLCVFunctorHelper
def setRlcvAlpha(self, alpha: "double const") -> "void":
return _npstat.Double_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(self, alpha)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.Double_Double_Double_LOrPE1DRLCVFunctorHelper_setWeights(self, weights)
def rlcvAlpha(self) -> "double":
return _npstat.Double_Double_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha(self)
# Register Double_Double_Double_LOrPE1DRLCVFunctorHelper in _npstat:
_npstat.Double_Double_Double_LOrPE1DRLCVFunctorHelper_swigregister(Double_Double_Double_LOrPE1DRLCVFunctorHelper)
class DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper(DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_symbetaPower: "int const", i_leftBoundary: "double const", i_rightBoundary: "double const", i_bh: "BoundaryHandling", i_bandwidthFunctor: "double const &", i_localizingWeight: "double const &", i_localizingWeightXmin: "double const", i_localizingWeightXmax: "double const", i_nIntegIntervals: "unsigned int const", i_nIntegPoints: "unsigned int const", i_normalizeLOrPEEstimate: "bool const", i_coords: "DoubleDoublePairVector", i_rlcvAlpha: "double const"=0.5):
_npstat.DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_swiginit(self, _npstat.new_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper(i_symbetaPower, i_leftBoundary, i_rightBoundary, i_bh, i_bandwidthFunctor, i_localizingWeight, i_localizingWeightXmin, i_localizingWeightXmax, i_nIntegIntervals, i_nIntegPoints, i_normalizeLOrPEEstimate, i_coords, i_rlcvAlpha))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper
def setRlcvAlpha(self, alpha: "double const") -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(self, alpha)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_setWeights(self, weights)
def rlcvAlpha(self) -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha(self)
# Register DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper_swigregister(DoubleDoublePair_Double_Double_LOrPE1DRLCVFunctorHelper)
class Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper(Double_PyFCN_Double_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_symbetaPower: "int const", i_leftBoundary: "double const", i_rightBoundary: "double const", i_bh: "BoundaryHandling", i_bandwidthFunctor: "DoubleFunctor1RefHelper", i_localizingWeight: "double const &", i_localizingWeightXmin: "double const", i_localizingWeightXmax: "double const", i_nIntegIntervals: "unsigned int const", i_nIntegPoints: "unsigned int const", i_normalizeLOrPEEstimate: "bool const", i_coords: "DoubleVector", i_rlcvAlpha: "double const"=0.5):
_npstat.Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_swiginit(self, _npstat.new_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper(i_symbetaPower, i_leftBoundary, i_rightBoundary, i_bh, i_bandwidthFunctor, i_localizingWeight, i_localizingWeightXmin, i_localizingWeightXmax, i_nIntegIntervals, i_nIntegPoints, i_normalizeLOrPEEstimate, i_coords, i_rlcvAlpha))
__swig_destroy__ = _npstat.delete_Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper
def setRlcvAlpha(self, alpha: "double const") -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(self, alpha)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setWeights(self, weights)
def rlcvAlpha(self) -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha(self)
# Register Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper in _npstat:
_npstat.Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper_swigregister(Double_PyFCN_Double_LOrPE1DRLCVFunctorHelper)
class DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper(DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_symbetaPower: "int const", i_leftBoundary: "double const", i_rightBoundary: "double const", i_bh: "BoundaryHandling", i_bandwidthFunctor: "DoubleFunctor1RefHelper", i_localizingWeight: "double const &", i_localizingWeightXmin: "double const", i_localizingWeightXmax: "double const", i_nIntegIntervals: "unsigned int const", i_nIntegPoints: "unsigned int const", i_normalizeLOrPEEstimate: "bool const", i_coords: "DoubleDoublePairVector", i_rlcvAlpha: "double const"=0.5):
_npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_swiginit(self, _npstat.new_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper(i_symbetaPower, i_leftBoundary, i_rightBoundary, i_bh, i_bandwidthFunctor, i_localizingWeight, i_localizingWeightXmin, i_localizingWeightXmax, i_nIntegIntervals, i_nIntegPoints, i_normalizeLOrPEEstimate, i_coords, i_rlcvAlpha))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper
def setRlcvAlpha(self, alpha: "double const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(self, alpha)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_setWeights(self, weights)
def rlcvAlpha(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_rlcvAlpha(self)
# Register DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper_swigregister(DoubleDoublePair_PyFCN_Double_LOrPE1DRLCVFunctorHelper)
class Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper(Double_Double_PyFCN_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_symbetaPower: "int const", i_leftBoundary: "double const", i_rightBoundary: "double const", i_bh: "BoundaryHandling", i_bandwidthFunctor: "double const &", i_localizingWeight: "DoubleFunctor1RefHelper", i_localizingWeightXmin: "double const", i_localizingWeightXmax: "double const", i_nIntegIntervals: "unsigned int const", i_nIntegPoints: "unsigned int const", i_normalizeLOrPEEstimate: "bool const", i_coords: "DoubleVector", i_rlcvAlpha: "double const"=0.5):
_npstat.Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_swiginit(self, _npstat.new_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper(i_symbetaPower, i_leftBoundary, i_rightBoundary, i_bh, i_bandwidthFunctor, i_localizingWeight, i_localizingWeightXmin, i_localizingWeightXmax, i_nIntegIntervals, i_nIntegPoints, i_normalizeLOrPEEstimate, i_coords, i_rlcvAlpha))
__swig_destroy__ = _npstat.delete_Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper
def setRlcvAlpha(self, alpha: "double const") -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(self, alpha)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights(self, weights)
def rlcvAlpha(self) -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha(self)
# Register Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper in _npstat:
_npstat.Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper_swigregister(Double_Double_PyFCN_LOrPE1DRLCVFunctorHelper)
class DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper(DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_symbetaPower: "int const", i_leftBoundary: "double const", i_rightBoundary: "double const", i_bh: "BoundaryHandling", i_bandwidthFunctor: "double const &", i_localizingWeight: "DoubleFunctor1RefHelper", i_localizingWeightXmin: "double const", i_localizingWeightXmax: "double const", i_nIntegIntervals: "unsigned int const", i_nIntegPoints: "unsigned int const", i_normalizeLOrPEEstimate: "bool const", i_coords: "DoubleDoublePairVector", i_rlcvAlpha: "double const"=0.5):
_npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_swiginit(self, _npstat.new_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper(i_symbetaPower, i_leftBoundary, i_rightBoundary, i_bh, i_bandwidthFunctor, i_localizingWeight, i_localizingWeightXmin, i_localizingWeightXmax, i_nIntegIntervals, i_nIntegPoints, i_normalizeLOrPEEstimate, i_coords, i_rlcvAlpha))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper
def setRlcvAlpha(self, alpha: "double const") -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(self, alpha)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights(self, weights)
def rlcvAlpha(self) -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha(self)
# Register DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper_swigregister(DoubleDoublePair_Double_PyFCN_LOrPE1DRLCVFunctorHelper)
class Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper(Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_symbetaPower: "int const", i_leftBoundary: "double const", i_rightBoundary: "double const", i_bh: "BoundaryHandling", i_bandwidthFunctor: "DoubleFunctor1RefHelper", i_localizingWeight: "DoubleFunctor1RefHelper", i_localizingWeightXmin: "double const", i_localizingWeightXmax: "double const", i_nIntegIntervals: "unsigned int const", i_nIntegPoints: "unsigned int const", i_normalizeLOrPEEstimate: "bool const", i_coords: "DoubleVector", i_rlcvAlpha: "double const"=0.5):
_npstat.Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_swiginit(self, _npstat.new_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper(i_symbetaPower, i_leftBoundary, i_rightBoundary, i_bh, i_bandwidthFunctor, i_localizingWeight, i_localizingWeightXmin, i_localizingWeightXmax, i_nIntegIntervals, i_nIntegPoints, i_normalizeLOrPEEstimate, i_coords, i_rlcvAlpha))
__swig_destroy__ = _npstat.delete_Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper
def setRlcvAlpha(self, alpha: "double const") -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(self, alpha)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights(self, weights)
def rlcvAlpha(self) -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha(self)
# Register Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper in _npstat:
_npstat.Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_swigregister(Double_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper)
class DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper(DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_symbetaPower: "int const", i_leftBoundary: "double const", i_rightBoundary: "double const", i_bh: "BoundaryHandling", i_bandwidthFunctor: "DoubleFunctor1RefHelper", i_localizingWeight: "DoubleFunctor1RefHelper", i_localizingWeightXmin: "double const", i_localizingWeightXmax: "double const", i_nIntegIntervals: "unsigned int const", i_nIntegPoints: "unsigned int const", i_normalizeLOrPEEstimate: "bool const", i_coords: "DoubleDoublePairVector", i_rlcvAlpha: "double const"=0.5):
_npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_swiginit(self, _npstat.new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper(i_symbetaPower, i_leftBoundary, i_rightBoundary, i_bh, i_bandwidthFunctor, i_localizingWeight, i_localizingWeightXmin, i_localizingWeightXmax, i_nIntegIntervals, i_nIntegPoints, i_normalizeLOrPEEstimate, i_coords, i_rlcvAlpha))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper
def setRlcvAlpha(self, alpha: "double const") -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setRlcvAlpha(self, alpha)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_setWeights(self, weights)
def rlcvAlpha(self) -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_rlcvAlpha(self)
# Register DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper in _npstat:
_npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper_swigregister(DoubleDoublePair_PyFCN_PyFCN_LOrPE1DRLCVFunctorHelper)
class Double_Double_Double_LOrPE1DCVDensityFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "Double_Double_Double_LOrPE1DCVFunctorHelper", filterDegree: "double const", bwFactor: "double const"):
_npstat.Double_Double_Double_LOrPE1DCVDensityFunctor_swiginit(self, _npstat.new_Double_Double_Double_LOrPE1DCVDensityFunctor(helper, filterDegree, bwFactor))
__swig_destroy__ = _npstat.delete_Double_Double_Double_LOrPE1DCVDensityFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVDensityFunctor___call__(self, x)
# Register Double_Double_Double_LOrPE1DCVDensityFunctor in _npstat:
_npstat.Double_Double_Double_LOrPE1DCVDensityFunctor_swigregister(Double_Double_Double_LOrPE1DCVDensityFunctor)
class DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper", filterDegree: "double const", bwFactor: "double const"):
_npstat.DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor_swiginit(self, _npstat.new_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor(helper, filterDegree, bwFactor))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor___call__(self, x)
# Register DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor in _npstat:
_npstat.DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor_swigregister(DoubleDoublePair_Double_Double_LOrPE1DCVDensityFunctor)
class Double_PyFCN_Double_LOrPE1DCVDensityFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "Double_PyFCN_Double_LOrPE1DCVFunctorHelper", filterDegree: "double const", bwFactor: "double const"):
_npstat.Double_PyFCN_Double_LOrPE1DCVDensityFunctor_swiginit(self, _npstat.new_Double_PyFCN_Double_LOrPE1DCVDensityFunctor(helper, filterDegree, bwFactor))
__swig_destroy__ = _npstat.delete_Double_PyFCN_Double_LOrPE1DCVDensityFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVDensityFunctor___call__(self, x)
# Register Double_PyFCN_Double_LOrPE1DCVDensityFunctor in _npstat:
_npstat.Double_PyFCN_Double_LOrPE1DCVDensityFunctor_swigregister(Double_PyFCN_Double_LOrPE1DCVDensityFunctor)
class DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper", filterDegree: "double const", bwFactor: "double const"):
_npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor_swiginit(self, _npstat.new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor(helper, filterDegree, bwFactor))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor___call__(self, x)
# Register DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor in _npstat:
_npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor_swigregister(DoubleDoublePair_PyFCN_Double_LOrPE1DCVDensityFunctor)
class Double_Double_PyFCN_LOrPE1DCVDensityFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "Double_Double_PyFCN_LOrPE1DCVFunctorHelper", filterDegree: "double const", bwFactor: "double const"):
_npstat.Double_Double_PyFCN_LOrPE1DCVDensityFunctor_swiginit(self, _npstat.new_Double_Double_PyFCN_LOrPE1DCVDensityFunctor(helper, filterDegree, bwFactor))
__swig_destroy__ = _npstat.delete_Double_Double_PyFCN_LOrPE1DCVDensityFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVDensityFunctor___call__(self, x)
# Register Double_Double_PyFCN_LOrPE1DCVDensityFunctor in _npstat:
_npstat.Double_Double_PyFCN_LOrPE1DCVDensityFunctor_swigregister(Double_Double_PyFCN_LOrPE1DCVDensityFunctor)
class DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper", filterDegree: "double const", bwFactor: "double const"):
_npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor_swiginit(self, _npstat.new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor(helper, filterDegree, bwFactor))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor___call__(self, x)
# Register DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor in _npstat:
_npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor_swigregister(DoubleDoublePair_Double_PyFCN_LOrPE1DCVDensityFunctor)
class Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper", filterDegree: "double const", bwFactor: "double const"):
_npstat.Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor_swiginit(self, _npstat.new_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor(helper, filterDegree, bwFactor))
__swig_destroy__ = _npstat.delete_Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__(self, x)
# Register Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor in _npstat:
_npstat.Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor_swigregister(Double_PyFCN_PyFCN_LOrPE1DCVDensityFunctor)
class DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper", filterDegree: "double const", bwFactor: "double const"):
_npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor_swiginit(self, _npstat.new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor(helper, filterDegree, bwFactor))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor___call__(self, x)
# Register DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor in _npstat:
_npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor_swigregister(DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVDensityFunctor)
class Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "Double_Double_Double_LOrPE1DCVFunctorHelper"):
_npstat.Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor_swiginit(self, _npstat.new_Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor(helper))
__swig_destroy__ = _npstat.delete_Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__(self, x)
# Register Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor in _npstat:
_npstat.Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor_swigregister(Double_Double_Double_LOrPE1DCVLocalizingWeightFunctor)
class DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "DoubleDoublePair_Double_Double_LOrPE1DCVFunctorHelper"):
_npstat.DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor_swiginit(self, _npstat.new_DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor(helper))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor___call__(self, x)
# Register DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor in _npstat:
_npstat.DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor_swigregister(DoubleDoublePair_Double_Double_LOrPE1DCVLocalizingWeightFunctor)
class Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "Double_PyFCN_Double_LOrPE1DCVFunctorHelper"):
_npstat.Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor_swiginit(self, _npstat.new_Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor(helper))
__swig_destroy__ = _npstat.delete_Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__(self, x)
# Register Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor in _npstat:
_npstat.Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor_swigregister(Double_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor)
class DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "DoubleDoublePair_PyFCN_Double_LOrPE1DCVFunctorHelper"):
_npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor_swiginit(self, _npstat.new_DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor(helper))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor___call__(self, x)
# Register DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor in _npstat:
_npstat.DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor_swigregister(DoubleDoublePair_PyFCN_Double_LOrPE1DCVLocalizingWeightFunctor)
class Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "Double_Double_PyFCN_LOrPE1DCVFunctorHelper"):
_npstat.Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swiginit(self, _npstat.new_Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor(helper))
__swig_destroy__ = _npstat.delete_Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__(self, x)
# Register Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor in _npstat:
_npstat.Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swigregister(Double_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor)
class DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "DoubleDoublePair_Double_PyFCN_LOrPE1DCVFunctorHelper"):
_npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swiginit(self, _npstat.new_DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor(helper))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__(self, x)
# Register DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor in _npstat:
_npstat.DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swigregister(DoubleDoublePair_Double_PyFCN_LOrPE1DCVLocalizingWeightFunctor)
class Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "Double_PyFCN_PyFCN_LOrPE1DCVFunctorHelper"):
_npstat.Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swiginit(self, _npstat.new_Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor(helper))
__swig_destroy__ = _npstat.delete_Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__(self, x)
# Register Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor in _npstat:
_npstat.Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swigregister(Double_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor)
class DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, helper: "DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVFunctorHelper"):
_npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swiginit(self, _npstat.new_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor(helper))
__swig_destroy__ = _npstat.delete_DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor
def __call__(self, x: "double const &") -> "double":
return _npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor___call__(self, x)
# Register DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor in _npstat:
_npstat.DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor_swigregister(DoubleDoublePair_PyFCN_PyFCN_LOrPE1DCVLocalizingWeightFunctor)
def LOrPE1DLSCVFunctor(*args) -> "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >":
return _npstat.LOrPE1DLSCVFunctor(*args)
def LOrPE1DGlobLSCVFunctor(*args) -> "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >":
return _npstat.LOrPE1DGlobLSCVFunctor(*args)
def LOrPE1DSimpleLSCVFunctor(*args) -> "npstat::LOrPE1DLSCVFunctorHelper< std::pair< double,double >,double,double >":
return _npstat.LOrPE1DSimpleLSCVFunctor(*args)
def LOrPE1DRLCVFunctor(*args) -> "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,npstat::Functor1RefHelper< double,double > >":
return _npstat.LOrPE1DRLCVFunctor(*args)
def LOrPE1DGlobRLCVFunctor(*args) -> "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,npstat::Functor1RefHelper< double,double >,double >":
return _npstat.LOrPE1DGlobRLCVFunctor(*args)
def LOrPE1DSimpleRLCVFunctor(*args) -> "npstat::LOrPE1DRLCVFunctorHelper< std::pair< double,double >,double,double >":
return _npstat.LOrPE1DSimpleRLCVFunctor(*args)
class LOrPEWeightsResult(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, i_alpha: "double const", i_converged: "bool const", i_nIterations: "unsigned int const", cvResult: "LOrPE1DCVResult"):
_npstat.LOrPEWeightsResult_swiginit(self, _npstat.new_LOrPEWeightsResult(i_alpha, i_converged, i_nIterations, cvResult))
def filterDegree(self) -> "double":
return _npstat.LOrPEWeightsResult_filterDegree(self)
def bwFactor(self) -> "double":
return _npstat.LOrPEWeightsResult_bwFactor(self)
def cvFunction(self) -> "double":
return _npstat.LOrPEWeightsResult_cvFunction(self)
def isOnDegreeBoundary(self) -> "bool":
return _npstat.LOrPEWeightsResult_isOnDegreeBoundary(self)
def isOnBandwidthBoundary(self) -> "bool":
return _npstat.LOrPEWeightsResult_isOnBandwidthBoundary(self)
def alpha(self) -> "double":
return _npstat.LOrPEWeightsResult_alpha(self)
def nIterations(self) -> "unsigned int":
return _npstat.LOrPEWeightsResult_nIterations(self)
def converged(self) -> "bool":
return _npstat.LOrPEWeightsResult_converged(self)
def _print(self, os: "ostream") -> "void":
return _npstat.LOrPEWeightsResult__print(self, os)
__swig_destroy__ = _npstat.delete_LOrPEWeightsResult
# Register LOrPEWeightsResult in _npstat:
_npstat.LOrPEWeightsResult_swigregister(LOrPEWeightsResult)
def solveForLOrPEWeights(*args) -> "npstat::LOrPEWeightsResult":
return _npstat.solveForLOrPEWeights(*args)
def convertToHistoAxis(*args) -> "npstat::NUHistoAxis":
return _npstat.convertToHistoAxis(*args)
def convertToGridAxis(*args) -> "npstat::DualAxis":
return _npstat.convertToGridAxis(*args)
def scannedKSDistance(reference: "AbsDistribution1D", compared: "AbsDistribution1D", nScanPoints: "unsigned int") -> "double":
return _npstat.scannedKSDistance(reference, compared, nScanPoints)
def gaussianResponseMatrix(*args) -> "npstat::Matrix< double,16U >":
return _npstat.gaussianResponseMatrix(*args)
class LocalMultiFilter1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.LocalMultiFilter1D_swiginit(self, _npstat.new_LocalMultiFilter1D(*args))
__swig_destroy__ = _npstat.delete_LocalMultiFilter1D
def __eq__(self, r: "LocalMultiFilter1D") -> "bool":
return _npstat.LocalMultiFilter1D___eq__(self, r)
def __ne__(self, r: "LocalMultiFilter1D") -> "bool":
return _npstat.LocalMultiFilter1D___ne__(self, r)
def maxDegree(self) -> "unsigned int":
return _npstat.LocalMultiFilter1D_maxDegree(self)
def dataLen(self) -> "unsigned int":
return _npstat.LocalMultiFilter1D_dataLen(self)
def getFilter(self, degree: "unsigned int", binNumber: "unsigned int") -> "npstat::PolyFilter1D const &":
return _npstat.LocalMultiFilter1D_getFilter(self, degree, binNumber)
def getFilterMatrix(self, degree: "unsigned int") -> "npstat::Matrix< double >":
return _npstat.LocalMultiFilter1D_getFilterMatrix(self, degree)
def classId(self) -> "gs::ClassId":
return _npstat.LocalMultiFilter1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.LocalMultiFilter1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.LocalMultiFilter1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.LocalMultiFilter1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::LocalMultiFilter1D *":
return _npstat.LocalMultiFilter1D_read(id, _in)
def filter(self, degree: "unsigned int", _in: "double const *", makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.LocalMultiFilter1D_filter(self, degree, _in, makeNonNegative)
def convolve(self, degree: "unsigned int", _in: "double const *", makeNonNegative: "bool const"=False) -> "PyObject *":
return _npstat.LocalMultiFilter1D_convolve(self, degree, _in, makeNonNegative)
def filterIntoBuffer(self, degree: "unsigned int", _in: "double const *", out: "double *", makeNonNegative: "bool const"=False) -> "void":
return _npstat.LocalMultiFilter1D_filterIntoBuffer(self, degree, _in, out, makeNonNegative)
def convolveIntoBuffer(self, degree: "unsigned int", _in: "double const *", out: "double *", makeNonNegative: "bool const"=False) -> "void":
return _npstat.LocalMultiFilter1D_convolveIntoBuffer(self, degree, _in, out, makeNonNegative)
# Register LocalMultiFilter1D in _npstat:
_npstat.LocalMultiFilter1D_swigregister(LocalMultiFilter1D)
def LocalMultiFilter1D_classname() -> "char const *":
return _npstat.LocalMultiFilter1D_classname()
def LocalMultiFilter1D_version() -> "unsigned int":
return _npstat.LocalMultiFilter1D_version()
def LocalMultiFilter1D_read(id: "ClassId", _in: "istream") -> "npstat::LocalMultiFilter1D *":
return _npstat.LocalMultiFilter1D_read(id, _in)
def symbetaMultiFilter1D(m: "int", bandwidth: "double", maxDegree: "unsigned int", numberOfGridPoints: "unsigned int", xmin: "double", xmax: "double", boundaryMethod: "BoundaryHandling", exclusionMask: "unsigned char const *", excludeCentralPoint: "bool"=False) -> "npstat::LocalMultiFilter1D *":
return _npstat.symbetaMultiFilter1D(m, bandwidth, maxDegree, numberOfGridPoints, xmin, xmax, boundaryMethod, exclusionMask, excludeCentralPoint)
class DeltaMixture1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def clone(self) -> "npstat::DeltaMixture1D *":
return _npstat.DeltaMixture1D_clone(self)
__swig_destroy__ = _npstat.delete_DeltaMixture1D
def nComponents(self) -> "unsigned int":
return _npstat.DeltaMixture1D_nComponents(self)
def getLocation(self, i: "unsigned int const") -> "double":
return _npstat.DeltaMixture1D_getLocation(self, i)
def getWeight(self, i: "unsigned int const") -> "double":
return _npstat.DeltaMixture1D_getWeight(self, i)
def integral(self, a: "double", includePointAtA: "bool", b: "double", includePointAtB: "bool") -> "double":
return _npstat.DeltaMixture1D_integral(self, a, includePointAtA, b, includePointAtB)
def classId(self) -> "gs::ClassId":
return _npstat.DeltaMixture1D_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.DeltaMixture1D_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.DeltaMixture1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DeltaMixture1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::DeltaMixture1D *":
return _npstat.DeltaMixture1D_read(id, _in)
def __init__(self, *args):
_npstat.DeltaMixture1D_swiginit(self, _npstat.new_DeltaMixture1D(*args))
def moment(self, center: "double const", order: "unsigned int const") -> "double":
return _npstat.DeltaMixture1D_moment(self, center, order)
def moments(self, center: "double const", maxOrder: "unsigned int const") -> "std::vector< double,std::allocator< double > >":
return _npstat.DeltaMixture1D_moments(self, center, maxOrder)
def centralMoments(self, maxOrder: "unsigned int const") -> "std::vector< double,std::allocator< double > >":
return _npstat.DeltaMixture1D_centralMoments(self, maxOrder)
# Register DeltaMixture1D in _npstat:
_npstat.DeltaMixture1D_swigregister(DeltaMixture1D)
def DeltaMixture1D_classname() -> "char const *":
return _npstat.DeltaMixture1D_classname()
def DeltaMixture1D_version() -> "unsigned int":
return _npstat.DeltaMixture1D_version()
def DeltaMixture1D_read(id: "ClassId", _in: "istream") -> "npstat::DeltaMixture1D *":
return _npstat.DeltaMixture1D_read(id, _in)
class ArchiveRecord_DeltaMixture1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DeltaMixture1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DeltaMixture1D_swiginit(self, _npstat.new_ArchiveRecord_DeltaMixture1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DeltaMixture1D
# Register ArchiveRecord_DeltaMixture1D in _npstat:
_npstat.ArchiveRecord_DeltaMixture1D_swigregister(ArchiveRecord_DeltaMixture1D)
class Ref_DeltaMixture1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DeltaMixture1D_swiginit(self, _npstat.new_Ref_DeltaMixture1D(*args))
def restore(self, index: "unsigned long", obj: "DeltaMixture1D") -> "void":
return _npstat.Ref_DeltaMixture1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::DeltaMixture1D *":
return _npstat.Ref_DeltaMixture1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::DeltaMixture1D":
return _npstat.Ref_DeltaMixture1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DeltaMixture1D
# Register Ref_DeltaMixture1D in _npstat:
_npstat.Ref_DeltaMixture1D_swigregister(Ref_DeltaMixture1D)
def scanSymmetricDensityAsWeight2(kernel: "AbsDistributionND", maxOctantDim: "unsigned int const *", bandwidthSet: "double const *", stepSize: "double const *", fillOneOctantOnly: "bool const"=True) -> "npstat::ArrayND< double,1U,10U > *":
return _npstat.scanSymmetricDensityAsWeight2(kernel, maxOctantDim, bandwidthSet, stepSize, fillOneOctantOnly)
class UCharBandwidthCVLeastSquaresND(UCharAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharBandwidthCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.UCharBandwidthCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.UCharBandwidthCVLeastSquaresND_swiginit(self, _npstat.new_UCharBandwidthCVLeastSquaresND())
# Register UCharBandwidthCVLeastSquaresND in _npstat:
_npstat.UCharBandwidthCVLeastSquaresND_swigregister(UCharBandwidthCVLeastSquaresND)
class IntBandwidthCVLeastSquaresND(IntAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntBandwidthCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.IntBandwidthCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.IntBandwidthCVLeastSquaresND_swiginit(self, _npstat.new_IntBandwidthCVLeastSquaresND())
# Register IntBandwidthCVLeastSquaresND in _npstat:
_npstat.IntBandwidthCVLeastSquaresND_swigregister(IntBandwidthCVLeastSquaresND)
class LongBandwidthCVLeastSquaresND(LongAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongBandwidthCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.LongBandwidthCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.LongBandwidthCVLeastSquaresND_swiginit(self, _npstat.new_LongBandwidthCVLeastSquaresND())
# Register LongBandwidthCVLeastSquaresND in _npstat:
_npstat.LongBandwidthCVLeastSquaresND_swigregister(LongBandwidthCVLeastSquaresND)
class FloatBandwidthCVLeastSquaresND(FloatAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatBandwidthCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.FloatBandwidthCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.FloatBandwidthCVLeastSquaresND_swiginit(self, _npstat.new_FloatBandwidthCVLeastSquaresND())
# Register FloatBandwidthCVLeastSquaresND in _npstat:
_npstat.FloatBandwidthCVLeastSquaresND_swigregister(FloatBandwidthCVLeastSquaresND)
class DoubleBandwidthCVLeastSquaresND(DoubleAbsBandwidthCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleBandwidthCVLeastSquaresND
def __call__(self, *args) -> "double":
return _npstat.DoubleBandwidthCVLeastSquaresND___call__(self, *args)
def __init__(self):
_npstat.DoubleBandwidthCVLeastSquaresND_swiginit(self, _npstat.new_DoubleBandwidthCVLeastSquaresND())
# Register DoubleBandwidthCVLeastSquaresND in _npstat:
_npstat.DoubleBandwidthCVLeastSquaresND_swigregister(DoubleBandwidthCVLeastSquaresND)
def randomHistoFillCND(*args) -> "void":
return _npstat.randomHistoFillCND(*args)
def randomHistoFillND(*args) -> "void":
return _npstat.randomHistoFillND(*args)
class DoubleKDE1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleKDE1D_swiginit(self, _npstat.new_DoubleKDE1D(*args))
__swig_destroy__ = _npstat.delete_DoubleKDE1D
def setNormFactor(self, d: "double const") -> "void":
return _npstat.DoubleKDE1D_setNormFactor(self, d)
def setSample(self, *args) -> "void":
return _npstat.DoubleKDE1D_setSample(self, *args)
def kernel(self) -> "npstat::AbsKDE1DKernel const &":
return _npstat.DoubleKDE1D_kernel(self)
def normFactor(self) -> "double":
return _npstat.DoubleKDE1D_normFactor(self)
def coords(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.DoubleKDE1D_coords(self)
def nCoords(self) -> "unsigned long":
return _npstat.DoubleKDE1D_nCoords(self)
def minCoordinate(self) -> "double":
return _npstat.DoubleKDE1D_minCoordinate(self)
def maxCoordinate(self) -> "double":
return _npstat.DoubleKDE1D_maxCoordinate(self)
def density(self, x: "double const", bw: "double const") -> "double":
return _npstat.DoubleKDE1D_density(self, x, bw)
def densityFunctor(self, bandwidth: "double const") -> "npstat::KDE1DFunctorHelper< double >":
return _npstat.DoubleKDE1D_densityFunctor(self, bandwidth)
def rlcvFunctor(self, plcvAlpha: "double const") -> "npstat::KDE1DRLCVFunctorHelper< double >":
return _npstat.DoubleKDE1D_rlcvFunctor(self, plcvAlpha)
def lscvFunctor(self, xmin: "double const", xmax: "double const", nIntegIntervals: "unsigned int const", nIntegPoints: "unsigned int const") -> "npstat::KDE1DLSCVFunctorHelper< double >":
return _npstat.DoubleKDE1D_lscvFunctor(self, xmin, xmax, nIntegIntervals, nIntegPoints)
def densityIntegral(self, xmin: "double const", xmax: "double const", nIntegIntervals: "unsigned int const", nIntegPoints: "unsigned int const", bandwidth: "double const") -> "double":
return _npstat.DoubleKDE1D_densityIntegral(self, xmin, xmax, nIntegIntervals, nIntegPoints, bandwidth)
def integratedSquaredError(self, distro: "AbsDistribution1D", nIntegIntervals: "unsigned int const", nIntegPoints: "unsigned int const", bandwidth: "double const") -> "double":
return _npstat.DoubleKDE1D_integratedSquaredError(self, distro, nIntegIntervals, nIntegPoints, bandwidth)
def rlcv(self, bw: "double const", plcvAlpha: "double const") -> "double":
return _npstat.DoubleKDE1D_rlcv(self, bw, plcvAlpha)
def lscv(self, bw: "double const", xmin: "double const", xmax: "double const", nIntegIntervals: "unsigned int const", nIntegPoints: "unsigned int const") -> "double":
return _npstat.DoubleKDE1D_lscv(self, bw, xmin, xmax, nIntegIntervals, nIntegPoints)
# Register DoubleKDE1D in _npstat:
_npstat.DoubleKDE1D_swigregister(DoubleKDE1D)
class UCharArrayMinProjector(UCharUCharAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.UCharArrayMinProjector_swiginit(self, _npstat.new_UCharArrayMinProjector())
__swig_destroy__ = _npstat.delete_UCharArrayMinProjector
def clear(self) -> "void":
return _npstat.UCharArrayMinProjector_clear(self)
def result(self) -> "unsigned char":
return _npstat.UCharArrayMinProjector_result(self)
def process(self, value: "unsigned char const &") -> "void":
return _npstat.UCharArrayMinProjector_process(self, value)
# Register UCharArrayMinProjector in _npstat:
_npstat.UCharArrayMinProjector_swigregister(UCharArrayMinProjector)
class IntArrayMinProjector(IntIntAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.IntArrayMinProjector_swiginit(self, _npstat.new_IntArrayMinProjector())
__swig_destroy__ = _npstat.delete_IntArrayMinProjector
def clear(self) -> "void":
return _npstat.IntArrayMinProjector_clear(self)
def result(self) -> "int":
return _npstat.IntArrayMinProjector_result(self)
def process(self, value: "int const &") -> "void":
return _npstat.IntArrayMinProjector_process(self, value)
# Register IntArrayMinProjector in _npstat:
_npstat.IntArrayMinProjector_swigregister(IntArrayMinProjector)
class LongArrayMinProjector(LongLongAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.LongArrayMinProjector_swiginit(self, _npstat.new_LongArrayMinProjector())
__swig_destroy__ = _npstat.delete_LongArrayMinProjector
def clear(self) -> "void":
return _npstat.LongArrayMinProjector_clear(self)
def result(self) -> "long":
return _npstat.LongArrayMinProjector_result(self)
def process(self, value: "long const &") -> "void":
return _npstat.LongArrayMinProjector_process(self, value)
# Register LongArrayMinProjector in _npstat:
_npstat.LongArrayMinProjector_swigregister(LongArrayMinProjector)
class FloatArrayMinProjector(FloatFloatAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.FloatArrayMinProjector_swiginit(self, _npstat.new_FloatArrayMinProjector())
__swig_destroy__ = _npstat.delete_FloatArrayMinProjector
def clear(self) -> "void":
return _npstat.FloatArrayMinProjector_clear(self)
def result(self) -> "float":
return _npstat.FloatArrayMinProjector_result(self)
def process(self, value: "float const &") -> "void":
return _npstat.FloatArrayMinProjector_process(self, value)
# Register FloatArrayMinProjector in _npstat:
_npstat.FloatArrayMinProjector_swigregister(FloatArrayMinProjector)
class DoubleArrayMinProjector(DoubleDoubleAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.DoubleArrayMinProjector_swiginit(self, _npstat.new_DoubleArrayMinProjector())
__swig_destroy__ = _npstat.delete_DoubleArrayMinProjector
def clear(self) -> "void":
return _npstat.DoubleArrayMinProjector_clear(self)
def result(self) -> "double":
return _npstat.DoubleArrayMinProjector_result(self)
def process(self, value: "double const &") -> "void":
return _npstat.DoubleArrayMinProjector_process(self, value)
# Register DoubleArrayMinProjector in _npstat:
_npstat.DoubleArrayMinProjector_swigregister(DoubleArrayMinProjector)
class UCharArrayMaxProjector(UCharUCharAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.UCharArrayMaxProjector_swiginit(self, _npstat.new_UCharArrayMaxProjector())
__swig_destroy__ = _npstat.delete_UCharArrayMaxProjector
def clear(self) -> "void":
return _npstat.UCharArrayMaxProjector_clear(self)
def result(self) -> "unsigned char":
return _npstat.UCharArrayMaxProjector_result(self)
def process(self, value: "unsigned char const &") -> "void":
return _npstat.UCharArrayMaxProjector_process(self, value)
# Register UCharArrayMaxProjector in _npstat:
_npstat.UCharArrayMaxProjector_swigregister(UCharArrayMaxProjector)
class IntArrayMaxProjector(IntIntAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.IntArrayMaxProjector_swiginit(self, _npstat.new_IntArrayMaxProjector())
__swig_destroy__ = _npstat.delete_IntArrayMaxProjector
def clear(self) -> "void":
return _npstat.IntArrayMaxProjector_clear(self)
def result(self) -> "int":
return _npstat.IntArrayMaxProjector_result(self)
def process(self, value: "int const &") -> "void":
return _npstat.IntArrayMaxProjector_process(self, value)
# Register IntArrayMaxProjector in _npstat:
_npstat.IntArrayMaxProjector_swigregister(IntArrayMaxProjector)
class LongArrayMaxProjector(LongLongAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.LongArrayMaxProjector_swiginit(self, _npstat.new_LongArrayMaxProjector())
__swig_destroy__ = _npstat.delete_LongArrayMaxProjector
def clear(self) -> "void":
return _npstat.LongArrayMaxProjector_clear(self)
def result(self) -> "long":
return _npstat.LongArrayMaxProjector_result(self)
def process(self, value: "long const &") -> "void":
return _npstat.LongArrayMaxProjector_process(self, value)
# Register LongArrayMaxProjector in _npstat:
_npstat.LongArrayMaxProjector_swigregister(LongArrayMaxProjector)
class FloatArrayMaxProjector(FloatFloatAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.FloatArrayMaxProjector_swiginit(self, _npstat.new_FloatArrayMaxProjector())
__swig_destroy__ = _npstat.delete_FloatArrayMaxProjector
def clear(self) -> "void":
return _npstat.FloatArrayMaxProjector_clear(self)
def result(self) -> "float":
return _npstat.FloatArrayMaxProjector_result(self)
def process(self, value: "float const &") -> "void":
return _npstat.FloatArrayMaxProjector_process(self, value)
# Register FloatArrayMaxProjector in _npstat:
_npstat.FloatArrayMaxProjector_swigregister(FloatArrayMaxProjector)
class DoubleArrayMaxProjector(DoubleDoubleAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.DoubleArrayMaxProjector_swiginit(self, _npstat.new_DoubleArrayMaxProjector())
__swig_destroy__ = _npstat.delete_DoubleArrayMaxProjector
def clear(self) -> "void":
return _npstat.DoubleArrayMaxProjector_clear(self)
def result(self) -> "double":
return _npstat.DoubleArrayMaxProjector_result(self)
def process(self, value: "double const &") -> "void":
return _npstat.DoubleArrayMaxProjector_process(self, value)
# Register DoubleArrayMaxProjector in _npstat:
_npstat.DoubleArrayMaxProjector_swigregister(DoubleArrayMaxProjector)
class UCharArrayMedianProjector(UCharUCharAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.UCharArrayMedianProjector_swiginit(self, _npstat.new_UCharArrayMedianProjector())
__swig_destroy__ = _npstat.delete_UCharArrayMedianProjector
def clear(self) -> "void":
return _npstat.UCharArrayMedianProjector_clear(self)
def process(self, value: "unsigned char const &") -> "void":
return _npstat.UCharArrayMedianProjector_process(self, value)
def result(self) -> "unsigned char":
return _npstat.UCharArrayMedianProjector_result(self)
# Register UCharArrayMedianProjector in _npstat:
_npstat.UCharArrayMedianProjector_swigregister(UCharArrayMedianProjector)
class IntArrayMedianProjector(IntIntAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.IntArrayMedianProjector_swiginit(self, _npstat.new_IntArrayMedianProjector())
__swig_destroy__ = _npstat.delete_IntArrayMedianProjector
def clear(self) -> "void":
return _npstat.IntArrayMedianProjector_clear(self)
def process(self, value: "int const &") -> "void":
return _npstat.IntArrayMedianProjector_process(self, value)
def result(self) -> "int":
return _npstat.IntArrayMedianProjector_result(self)
# Register IntArrayMedianProjector in _npstat:
_npstat.IntArrayMedianProjector_swigregister(IntArrayMedianProjector)
class LongArrayMedianProjector(LongLongAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.LongArrayMedianProjector_swiginit(self, _npstat.new_LongArrayMedianProjector())
__swig_destroy__ = _npstat.delete_LongArrayMedianProjector
def clear(self) -> "void":
return _npstat.LongArrayMedianProjector_clear(self)
def process(self, value: "long const &") -> "void":
return _npstat.LongArrayMedianProjector_process(self, value)
def result(self) -> "long":
return _npstat.LongArrayMedianProjector_result(self)
# Register LongArrayMedianProjector in _npstat:
_npstat.LongArrayMedianProjector_swigregister(LongArrayMedianProjector)
class FloatArrayMedianProjector(FloatFloatAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.FloatArrayMedianProjector_swiginit(self, _npstat.new_FloatArrayMedianProjector())
__swig_destroy__ = _npstat.delete_FloatArrayMedianProjector
def clear(self) -> "void":
return _npstat.FloatArrayMedianProjector_clear(self)
def process(self, value: "float const &") -> "void":
return _npstat.FloatArrayMedianProjector_process(self, value)
def result(self) -> "float":
return _npstat.FloatArrayMedianProjector_result(self)
# Register FloatArrayMedianProjector in _npstat:
_npstat.FloatArrayMedianProjector_swigregister(FloatArrayMedianProjector)
class DoubleArrayMedianProjector(DoubleDoubleAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.DoubleArrayMedianProjector_swiginit(self, _npstat.new_DoubleArrayMedianProjector())
__swig_destroy__ = _npstat.delete_DoubleArrayMedianProjector
def clear(self) -> "void":
return _npstat.DoubleArrayMedianProjector_clear(self)
def process(self, value: "double const &") -> "void":
return _npstat.DoubleArrayMedianProjector_process(self, value)
def result(self) -> "double":
return _npstat.DoubleArrayMedianProjector_result(self)
# Register DoubleArrayMedianProjector in _npstat:
_npstat.DoubleArrayMedianProjector_swigregister(DoubleArrayMedianProjector)
class UCharArrayRangeProjector(UCharArrayMedianProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.UCharArrayRangeProjector_swiginit(self, _npstat.new_UCharArrayRangeProjector())
__swig_destroy__ = _npstat.delete_UCharArrayRangeProjector
def result(self) -> "unsigned char":
return _npstat.UCharArrayRangeProjector_result(self)
# Register UCharArrayRangeProjector in _npstat:
_npstat.UCharArrayRangeProjector_swigregister(UCharArrayRangeProjector)
class IntArrayRangeProjector(IntArrayMedianProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.IntArrayRangeProjector_swiginit(self, _npstat.new_IntArrayRangeProjector())
__swig_destroy__ = _npstat.delete_IntArrayRangeProjector
def result(self) -> "int":
return _npstat.IntArrayRangeProjector_result(self)
# Register IntArrayRangeProjector in _npstat:
_npstat.IntArrayRangeProjector_swigregister(IntArrayRangeProjector)
class LongArrayRangeProjector(LongArrayMedianProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.LongArrayRangeProjector_swiginit(self, _npstat.new_LongArrayRangeProjector())
__swig_destroy__ = _npstat.delete_LongArrayRangeProjector
def result(self) -> "long":
return _npstat.LongArrayRangeProjector_result(self)
# Register LongArrayRangeProjector in _npstat:
_npstat.LongArrayRangeProjector_swigregister(LongArrayRangeProjector)
class FloatArrayRangeProjector(FloatArrayMedianProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.FloatArrayRangeProjector_swiginit(self, _npstat.new_FloatArrayRangeProjector())
__swig_destroy__ = _npstat.delete_FloatArrayRangeProjector
def result(self) -> "float":
return _npstat.FloatArrayRangeProjector_result(self)
# Register FloatArrayRangeProjector in _npstat:
_npstat.FloatArrayRangeProjector_swigregister(FloatArrayRangeProjector)
class DoubleArrayRangeProjector(DoubleArrayMedianProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.DoubleArrayRangeProjector_swiginit(self, _npstat.new_DoubleArrayRangeProjector())
__swig_destroy__ = _npstat.delete_DoubleArrayRangeProjector
def result(self) -> "double":
return _npstat.DoubleArrayRangeProjector_result(self)
# Register DoubleArrayRangeProjector in _npstat:
_npstat.DoubleArrayRangeProjector_swigregister(DoubleArrayRangeProjector)
class DoubleArraySumProjector(DoubleDoubleAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.DoubleArraySumProjector_swiginit(self, _npstat.new_DoubleArraySumProjector())
__swig_destroy__ = _npstat.delete_DoubleArraySumProjector
def clear(self) -> "void":
return _npstat.DoubleArraySumProjector_clear(self)
def result(self) -> "double":
return _npstat.DoubleArraySumProjector_result(self)
def process(self, value: "double const &") -> "void":
return _npstat.DoubleArraySumProjector_process(self, value)
# Register DoubleArraySumProjector in _npstat:
_npstat.DoubleArraySumProjector_swigregister(DoubleArraySumProjector)
class FloatArraySumProjector(FloatDoubleAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.FloatArraySumProjector_swiginit(self, _npstat.new_FloatArraySumProjector())
__swig_destroy__ = _npstat.delete_FloatArraySumProjector
def clear(self) -> "void":
return _npstat.FloatArraySumProjector_clear(self)
def result(self) -> "double":
return _npstat.FloatArraySumProjector_result(self)
def process(self, value: "float const &") -> "void":
return _npstat.FloatArraySumProjector_process(self, value)
# Register FloatArraySumProjector in _npstat:
_npstat.FloatArraySumProjector_swigregister(FloatArraySumProjector)
class IntArraySumProjector(IntDoubleAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.IntArraySumProjector_swiginit(self, _npstat.new_IntArraySumProjector())
__swig_destroy__ = _npstat.delete_IntArraySumProjector
def clear(self) -> "void":
return _npstat.IntArraySumProjector_clear(self)
def result(self) -> "double":
return _npstat.IntArraySumProjector_result(self)
def process(self, value: "int const &") -> "void":
return _npstat.IntArraySumProjector_process(self, value)
# Register IntArraySumProjector in _npstat:
_npstat.IntArraySumProjector_swigregister(IntArraySumProjector)
class LongArraySumProjector(LongDoubleAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.LongArraySumProjector_swiginit(self, _npstat.new_LongArraySumProjector())
__swig_destroy__ = _npstat.delete_LongArraySumProjector
def clear(self) -> "void":
return _npstat.LongArraySumProjector_clear(self)
def result(self) -> "double":
return _npstat.LongArraySumProjector_result(self)
def process(self, value: "long const &") -> "void":
return _npstat.LongArraySumProjector_process(self, value)
# Register LongArraySumProjector in _npstat:
_npstat.LongArraySumProjector_swigregister(LongArraySumProjector)
class UCharArraySumProjector(UCharDoubleAbsVisitor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.UCharArraySumProjector_swiginit(self, _npstat.new_UCharArraySumProjector())
__swig_destroy__ = _npstat.delete_UCharArraySumProjector
def clear(self) -> "void":
return _npstat.UCharArraySumProjector_clear(self)
def result(self) -> "double":
return _npstat.UCharArraySumProjector_result(self)
def process(self, value: "unsigned char const &") -> "void":
return _npstat.UCharArraySumProjector_process(self, value)
# Register UCharArraySumProjector in _npstat:
_npstat.UCharArraySumProjector_swigregister(UCharArraySumProjector)
class DoubleArrayMeanProjector(DoubleArraySumProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.DoubleArrayMeanProjector_swiginit(self, _npstat.new_DoubleArrayMeanProjector())
__swig_destroy__ = _npstat.delete_DoubleArrayMeanProjector
def result(self) -> "double":
return _npstat.DoubleArrayMeanProjector_result(self)
# Register DoubleArrayMeanProjector in _npstat:
_npstat.DoubleArrayMeanProjector_swigregister(DoubleArrayMeanProjector)
class FloatArrayMeanProjector(FloatArraySumProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.FloatArrayMeanProjector_swiginit(self, _npstat.new_FloatArrayMeanProjector())
__swig_destroy__ = _npstat.delete_FloatArrayMeanProjector
def result(self) -> "double":
return _npstat.FloatArrayMeanProjector_result(self)
# Register FloatArrayMeanProjector in _npstat:
_npstat.FloatArrayMeanProjector_swigregister(FloatArrayMeanProjector)
class IntArrayMeanProjector(IntArraySumProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.IntArrayMeanProjector_swiginit(self, _npstat.new_IntArrayMeanProjector())
__swig_destroy__ = _npstat.delete_IntArrayMeanProjector
def result(self) -> "double":
return _npstat.IntArrayMeanProjector_result(self)
# Register IntArrayMeanProjector in _npstat:
_npstat.IntArrayMeanProjector_swigregister(IntArrayMeanProjector)
class LongArrayMeanProjector(LongArraySumProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.LongArrayMeanProjector_swiginit(self, _npstat.new_LongArrayMeanProjector())
__swig_destroy__ = _npstat.delete_LongArrayMeanProjector
def result(self) -> "double":
return _npstat.LongArrayMeanProjector_result(self)
# Register LongArrayMeanProjector in _npstat:
_npstat.LongArrayMeanProjector_swigregister(LongArrayMeanProjector)
class UCharArrayMeanProjector(UCharArraySumProjector):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.UCharArrayMeanProjector_swiginit(self, _npstat.new_UCharArrayMeanProjector())
__swig_destroy__ = _npstat.delete_UCharArrayMeanProjector
def result(self) -> "double":
return _npstat.UCharArrayMeanProjector_result(self)
# Register UCharArrayMeanProjector in _npstat:
_npstat.UCharArrayMeanProjector_swigregister(UCharArrayMeanProjector)
class StatAccumulatorPair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.StatAccumulatorPair_swiginit(self, _npstat.new_StatAccumulatorPair())
def first(self) -> "npstat::StatAccumulator const &":
return _npstat.StatAccumulatorPair_first(self)
def second(self) -> "npstat::StatAccumulator const &":
return _npstat.StatAccumulatorPair_second(self)
def crossSumsq(self) -> "long double":
return _npstat.StatAccumulatorPair_crossSumsq(self)
def count(self) -> "unsigned long":
return _npstat.StatAccumulatorPair_count(self)
def cov(self) -> "double":
return _npstat.StatAccumulatorPair_cov(self)
def corr(self) -> "double":
return _npstat.StatAccumulatorPair_corr(self)
def accumulate(self, *args) -> "void":
return _npstat.StatAccumulatorPair_accumulate(self, *args)
def reset(self) -> "void":
return _npstat.StatAccumulatorPair_reset(self)
def __iadd__(self, *args) -> "npstat::StatAccumulatorPair &":
return _npstat.StatAccumulatorPair___iadd__(self, *args)
def __eq__(self, r: "StatAccumulatorPair") -> "bool":
return _npstat.StatAccumulatorPair___eq__(self, r)
def __ne__(self, r: "StatAccumulatorPair") -> "bool":
return _npstat.StatAccumulatorPair___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.StatAccumulatorPair_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StatAccumulatorPair_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StatAccumulatorPair_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StatAccumulatorPair_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "StatAccumulatorPair") -> "void":
return _npstat.StatAccumulatorPair_restore(id, _in, acc)
__swig_destroy__ = _npstat.delete_StatAccumulatorPair
# Register StatAccumulatorPair in _npstat:
_npstat.StatAccumulatorPair_swigregister(StatAccumulatorPair)
def StatAccumulatorPair_classname() -> "char const *":
return _npstat.StatAccumulatorPair_classname()
def StatAccumulatorPair_version() -> "unsigned int":
return _npstat.StatAccumulatorPair_version()
def StatAccumulatorPair_restore(id: "ClassId", _in: "istream", acc: "StatAccumulatorPair") -> "void":
return _npstat.StatAccumulatorPair_restore(id, _in, acc)
class ArchiveRecord_StatAccumulatorPair(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StatAccumulatorPair", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StatAccumulatorPair_swiginit(self, _npstat.new_ArchiveRecord_StatAccumulatorPair(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StatAccumulatorPair
# Register ArchiveRecord_StatAccumulatorPair in _npstat:
_npstat.ArchiveRecord_StatAccumulatorPair_swigregister(ArchiveRecord_StatAccumulatorPair)
class Ref_StatAccumulatorPair(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StatAccumulatorPair_swiginit(self, _npstat.new_Ref_StatAccumulatorPair(*args))
def restore(self, index: "unsigned long", obj: "StatAccumulatorPair") -> "void":
return _npstat.Ref_StatAccumulatorPair_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::StatAccumulatorPair *":
return _npstat.Ref_StatAccumulatorPair_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::StatAccumulatorPair":
return _npstat.Ref_StatAccumulatorPair_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_StatAccumulatorPair
# Register Ref_StatAccumulatorPair in _npstat:
_npstat.Ref_StatAccumulatorPair_swigregister(Ref_StatAccumulatorPair)
class ComparisonDistribution1D(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ComparisonDistribution1D_swiginit(self, _npstat.new_ComparisonDistribution1D(*args))
__swig_destroy__ = _npstat.delete_ComparisonDistribution1D
def density(self, u: "double const") -> "double":
return _npstat.ComparisonDistribution1D_density(self, u)
def cdf(self, u: "double const") -> "double":
return _npstat.ComparisonDistribution1D_cdf(self, u)
def exceedance(self, u: "double const") -> "double":
return _npstat.ComparisonDistribution1D_exceedance(self, u)
def quantile(self, x: "double const") -> "double":
return _npstat.ComparisonDistribution1D_quantile(self, x)
def clone(self) -> "npstat::ComparisonDistribution1D *":
return _npstat.ComparisonDistribution1D_clone(self)
def compared(self) -> "npstat::AbsDistribution1D const &":
return _npstat.ComparisonDistribution1D_compared(self)
def baseline(self) -> "npstat::AbsDistribution1D const &":
return _npstat.ComparisonDistribution1D_baseline(self)
def classId(self) -> "gs::ClassId":
return _npstat.ComparisonDistribution1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.ComparisonDistribution1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.ComparisonDistribution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ComparisonDistribution1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::ComparisonDistribution1D *":
return _npstat.ComparisonDistribution1D_read(id, _in)
# Register ComparisonDistribution1D in _npstat:
_npstat.ComparisonDistribution1D_swigregister(ComparisonDistribution1D)
def ComparisonDistribution1D_classname() -> "char const *":
return _npstat.ComparisonDistribution1D_classname()
def ComparisonDistribution1D_version() -> "unsigned int":
return _npstat.ComparisonDistribution1D_version()
def ComparisonDistribution1D_read(id: "ClassId", _in: "istream") -> "npstat::ComparisonDistribution1D *":
return _npstat.ComparisonDistribution1D_read(id, _in)
class ArchiveRecord_ComparisonDistribution1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "ComparisonDistribution1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_ComparisonDistribution1D_swiginit(self, _npstat.new_ArchiveRecord_ComparisonDistribution1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_ComparisonDistribution1D
# Register ArchiveRecord_ComparisonDistribution1D in _npstat:
_npstat.ArchiveRecord_ComparisonDistribution1D_swigregister(ArchiveRecord_ComparisonDistribution1D)
class Ref_ComparisonDistribution1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ComparisonDistribution1D_swiginit(self, _npstat.new_Ref_ComparisonDistribution1D(*args))
def restore(self, index: "unsigned long", obj: "ComparisonDistribution1D") -> "void":
return _npstat.Ref_ComparisonDistribution1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::ComparisonDistribution1D *":
return _npstat.Ref_ComparisonDistribution1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::ComparisonDistribution1D":
return _npstat.Ref_ComparisonDistribution1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ComparisonDistribution1D
# Register Ref_ComparisonDistribution1D in _npstat:
_npstat.Ref_ComparisonDistribution1D_swigregister(Ref_ComparisonDistribution1D)
class KDE1DHOSymbetaKernel(AbsKDE1DKernel):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.KDE1DHOSymbetaKernel_swiginit(self, _npstat.new_KDE1DHOSymbetaKernel(*args))
def clone(self) -> "npstat::KDE1DHOSymbetaKernel *":
return _npstat.KDE1DHOSymbetaKernel_clone(self)
__swig_destroy__ = _npstat.delete_KDE1DHOSymbetaKernel
def setNormFactor(self, normfactor: "double") -> "void":
return _npstat.KDE1DHOSymbetaKernel_setNormFactor(self, normfactor)
def power(self) -> "int":
return _npstat.KDE1DHOSymbetaKernel_power(self)
def filterDegree(self) -> "double":
return _npstat.KDE1DHOSymbetaKernel_filterDegree(self)
def weight(self, x: "double const") -> "double":
return _npstat.KDE1DHOSymbetaKernel_weight(self, x)
def xmin(self) -> "double":
return _npstat.KDE1DHOSymbetaKernel_xmin(self)
def xmax(self) -> "double":
return _npstat.KDE1DHOSymbetaKernel_xmax(self)
def normFactor(self) -> "double":
return _npstat.KDE1DHOSymbetaKernel_normFactor(self)
def __call__(self, x: "double const") -> "double":
return _npstat.KDE1DHOSymbetaKernel___call__(self, x)
# Register KDE1DHOSymbetaKernel in _npstat:
_npstat.KDE1DHOSymbetaKernel_swigregister(KDE1DHOSymbetaKernel)
class UCharBandwidthGCVLeastSquares1D(UCharAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_UCharBandwidthGCVLeastSquares1D
def __init__(self):
_npstat.UCharBandwidthGCVLeastSquares1D_swiginit(self, _npstat.new_UCharBandwidthGCVLeastSquares1D())
# Register UCharBandwidthGCVLeastSquares1D in _npstat:
_npstat.UCharBandwidthGCVLeastSquares1D_swigregister(UCharBandwidthGCVLeastSquares1D)
class IntBandwidthGCVLeastSquares1D(IntAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_IntBandwidthGCVLeastSquares1D
def __init__(self):
_npstat.IntBandwidthGCVLeastSquares1D_swiginit(self, _npstat.new_IntBandwidthGCVLeastSquares1D())
# Register IntBandwidthGCVLeastSquares1D in _npstat:
_npstat.IntBandwidthGCVLeastSquares1D_swigregister(IntBandwidthGCVLeastSquares1D)
class LongBandwidthGCVLeastSquares1D(LongAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_LongBandwidthGCVLeastSquares1D
def __init__(self):
_npstat.LongBandwidthGCVLeastSquares1D_swiginit(self, _npstat.new_LongBandwidthGCVLeastSquares1D())
# Register LongBandwidthGCVLeastSquares1D in _npstat:
_npstat.LongBandwidthGCVLeastSquares1D_swigregister(LongBandwidthGCVLeastSquares1D)
class FloatBandwidthGCVLeastSquares1D(FloatAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_FloatBandwidthGCVLeastSquares1D
def __init__(self):
_npstat.FloatBandwidthGCVLeastSquares1D_swiginit(self, _npstat.new_FloatBandwidthGCVLeastSquares1D())
# Register FloatBandwidthGCVLeastSquares1D in _npstat:
_npstat.FloatBandwidthGCVLeastSquares1D_swigregister(FloatBandwidthGCVLeastSquares1D)
class DoubleBandwidthGCVLeastSquares1D(DoubleAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_DoubleBandwidthGCVLeastSquares1D
def __init__(self):
_npstat.DoubleBandwidthGCVLeastSquares1D_swiginit(self, _npstat.new_DoubleBandwidthGCVLeastSquares1D())
# Register DoubleBandwidthGCVLeastSquares1D in _npstat:
_npstat.DoubleBandwidthGCVLeastSquares1D_swigregister(DoubleBandwidthGCVLeastSquares1D)
def correctDensityEstimateGHUOrig(estimator: "double const *", corrected: "double *", binSize: "double") -> "void":
return _npstat.correctDensityEstimateGHUOrig(estimator, corrected, binSize)
class DensityOrthoPoly1D(AbsClassicalOrthoPoly1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DensityOrthoPoly1D_swiginit(self, _npstat.new_DensityOrthoPoly1D(*args))
__swig_destroy__ = _npstat.delete_DensityOrthoPoly1D
def clone(self) -> "npstat::DensityOrthoPoly1D *":
return _npstat.DensityOrthoPoly1D_clone(self)
def xmin(self) -> "double":
return _npstat.DensityOrthoPoly1D_xmin(self)
def xmax(self) -> "double":
return _npstat.DensityOrthoPoly1D_xmax(self)
def maxDegree(self) -> "unsigned int":
return _npstat.DensityOrthoPoly1D_maxDegree(self)
# Register DensityOrthoPoly1D in _npstat:
_npstat.DensityOrthoPoly1D_swigregister(DensityOrthoPoly1D)
class AbsDiscreteDistribution1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDiscreteDistribution1D
def probability(self, x: "long") -> "double":
return _npstat.AbsDiscreteDistribution1D_probability(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.AbsDiscreteDistribution1D_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.AbsDiscreteDistribution1D_exceedance(self, x)
def quantile(self, x: "double") -> "long":
return _npstat.AbsDiscreteDistribution1D_quantile(self, x)
def __eq__(self, r: "AbsDiscreteDistribution1D") -> "bool":
return _npstat.AbsDiscreteDistribution1D___eq__(self, r)
def __ne__(self, r: "AbsDiscreteDistribution1D") -> "bool":
return _npstat.AbsDiscreteDistribution1D___ne__(self, r)
def clone(self) -> "npstat::AbsDiscreteDistribution1D *":
return _npstat.AbsDiscreteDistribution1D_clone(self)
def classId(self) -> "gs::ClassId":
return _npstat.AbsDiscreteDistribution1D_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.AbsDiscreteDistribution1D_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.AbsDiscreteDistribution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.AbsDiscreteDistribution1D_version()
@staticmethod
def read(id: "ClassId", _is: "istream") -> "npstat::AbsDiscreteDistribution1D *":
return _npstat.AbsDiscreteDistribution1D_read(id, _is)
def random(self, g: "AbsRandomGenerator") -> "long":
return _npstat.AbsDiscreteDistribution1D_random(self, g)
def generate(self, g: "AbsRandomGenerator", npoints: "unsigned int") -> "std::vector< long,std::allocator< long > >":
return _npstat.AbsDiscreteDistribution1D_generate(self, g, npoints)
# Register AbsDiscreteDistribution1D in _npstat:
_npstat.AbsDiscreteDistribution1D_swigregister(AbsDiscreteDistribution1D)
def AbsDiscreteDistribution1D_classname() -> "char const *":
return _npstat.AbsDiscreteDistribution1D_classname()
def AbsDiscreteDistribution1D_version() -> "unsigned int":
return _npstat.AbsDiscreteDistribution1D_version()
def AbsDiscreteDistribution1D_read(id: "ClassId", _is: "istream") -> "npstat::AbsDiscreteDistribution1D *":
return _npstat.AbsDiscreteDistribution1D_read(id, _is)
class ShiftableDiscreteDistribution1D(AbsDiscreteDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_ShiftableDiscreteDistribution1D
def location(self) -> "long":
return _npstat.ShiftableDiscreteDistribution1D_location(self)
def setLocation(self, v: "long const") -> "void":
return _npstat.ShiftableDiscreteDistribution1D_setLocation(self, v)
def probability(self, x: "long const") -> "double":
return _npstat.ShiftableDiscreteDistribution1D_probability(self, x)
def cdf(self, x: "double const") -> "double":
return _npstat.ShiftableDiscreteDistribution1D_cdf(self, x)
def exceedance(self, x: "double const") -> "double":
return _npstat.ShiftableDiscreteDistribution1D_exceedance(self, x)
def quantile(self, x: "double const") -> "long":
return _npstat.ShiftableDiscreteDistribution1D_quantile(self, x)
def clone(self) -> "npstat::ShiftableDiscreteDistribution1D *":
return _npstat.ShiftableDiscreteDistribution1D_clone(self)
def classId(self) -> "gs::ClassId":
return _npstat.ShiftableDiscreteDistribution1D_classId(self)
# Register ShiftableDiscreteDistribution1D in _npstat:
_npstat.ShiftableDiscreteDistribution1D_swigregister(ShiftableDiscreteDistribution1D)
class AbsDiscreteDistribution1DDistance(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_AbsDiscreteDistribution1DDistance
def __call__(self, prob1: "AbsDiscreteDistribution1D", prob2: "AbsDiscreteDistribution1D", pooled: "AbsDiscreteDistribution1D", first: "long", oneAboveLast: "long") -> "double":
return _npstat.AbsDiscreteDistribution1DDistance___call__(self, prob1, prob2, pooled, first, oneAboveLast)
# Register AbsDiscreteDistribution1DDistance in _npstat:
_npstat.AbsDiscreteDistribution1DDistance_swigregister(AbsDiscreteDistribution1DDistance)
class ArchiveRecord_AbsDiscreteDistribution1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "AbsDiscreteDistribution1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_AbsDiscreteDistribution1D_swiginit(self, _npstat.new_ArchiveRecord_AbsDiscreteDistribution1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_AbsDiscreteDistribution1D
# Register ArchiveRecord_AbsDiscreteDistribution1D in _npstat:
_npstat.ArchiveRecord_AbsDiscreteDistribution1D_swigregister(ArchiveRecord_AbsDiscreteDistribution1D)
class Ref_AbsDiscreteDistribution1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_AbsDiscreteDistribution1D_swiginit(self, _npstat.new_Ref_AbsDiscreteDistribution1D(*args))
def restore(self, index: "unsigned long", obj: "AbsDiscreteDistribution1D") -> "void":
return _npstat.Ref_AbsDiscreteDistribution1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::AbsDiscreteDistribution1D *":
return _npstat.Ref_AbsDiscreteDistribution1D_retrieve(self, index)
__swig_destroy__ = _npstat.delete_Ref_AbsDiscreteDistribution1D
# Register Ref_AbsDiscreteDistribution1D in _npstat:
_npstat.Ref_AbsDiscreteDistribution1D_swigregister(Ref_AbsDiscreteDistribution1D)
class DistributionMix1D(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DistributionMix1D_swiginit(self, _npstat.new_DistributionMix1D(*args))
def clone(self) -> "npstat::DistributionMix1D *":
return _npstat.DistributionMix1D_clone(self)
__swig_destroy__ = _npstat.delete_DistributionMix1D
def add(self, distro: "AbsDistribution1D", weight: "double") -> "npstat::DistributionMix1D &":
return _npstat.DistributionMix1D_add(self, distro, weight)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DistributionMix1D_setWeights(self, weights)
def nComponents(self) -> "unsigned int":
return _npstat.DistributionMix1D_nComponents(self)
def getComponent(self, n: "unsigned int const") -> "npstat::AbsDistribution1D const &":
return _npstat.DistributionMix1D_getComponent(self, n)
def getWeight(self, n: "unsigned int") -> "double":
return _npstat.DistributionMix1D_getWeight(self, n)
def density(self, x: "double") -> "double":
return _npstat.DistributionMix1D_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.DistributionMix1D_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.DistributionMix1D_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.DistributionMix1D_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.DistributionMix1D_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.DistributionMix1D_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.DistributionMix1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DistributionMix1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::DistributionMix1D *":
return _npstat.DistributionMix1D_read(id, _in)
# Register DistributionMix1D in _npstat:
_npstat.DistributionMix1D_swigregister(DistributionMix1D)
def DistributionMix1D_classname() -> "char const *":
return _npstat.DistributionMix1D_classname()
def DistributionMix1D_version() -> "unsigned int":
return _npstat.DistributionMix1D_version()
def DistributionMix1D_read(id: "ClassId", _in: "istream") -> "npstat::DistributionMix1D *":
return _npstat.DistributionMix1D_read(id, _in)
class ArchiveRecord_DistributionMix1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DistributionMix1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DistributionMix1D_swiginit(self, _npstat.new_ArchiveRecord_DistributionMix1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DistributionMix1D
# Register ArchiveRecord_DistributionMix1D in _npstat:
_npstat.ArchiveRecord_DistributionMix1D_swigregister(ArchiveRecord_DistributionMix1D)
class Ref_DistributionMix1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DistributionMix1D_swiginit(self, _npstat.new_Ref_DistributionMix1D(*args))
def restore(self, index: "unsigned long", obj: "DistributionMix1D") -> "void":
return _npstat.Ref_DistributionMix1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::DistributionMix1D *":
return _npstat.Ref_DistributionMix1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::DistributionMix1D":
return _npstat.Ref_DistributionMix1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DistributionMix1D
# Register Ref_DistributionMix1D in _npstat:
_npstat.Ref_DistributionMix1D_swigregister(Ref_DistributionMix1D)
class HistoNDCdf(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def dim(self) -> "unsigned int":
return _npstat.HistoNDCdf_dim(self)
def boundingBox(self) -> "npstat::BoxND< double >":
return _npstat.HistoNDCdf_boundingBox(self)
def cdf(self, x: "double const *", dim: "unsigned int") -> "double":
return _npstat.HistoNDCdf_cdf(self, x, dim)
def boxCoverage(self, box: "DoubleBoxND") -> "double":
return _npstat.HistoNDCdf_boxCoverage(self, box)
def coveringBox(self, coveredFraction: "double", boxCenter: "double const *", dimCenter: "unsigned int", coverBox: "DoubleBoxND") -> "void":
return _npstat.HistoNDCdf_coveringBox(self, coveredFraction, boxCenter, dimCenter, coverBox)
def __init__(self, *args):
_npstat.HistoNDCdf_swiginit(self, _npstat.new_HistoNDCdf(*args))
__swig_destroy__ = _npstat.delete_HistoNDCdf
# Register HistoNDCdf in _npstat:
_npstat.HistoNDCdf_swigregister(HistoNDCdf)
def buildInterpolatedCompositeDistro2D(*args) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.buildInterpolatedCompositeDistro2D(*args)
def buildInterpolatedCompositeDistro3D(*args) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.buildInterpolatedCompositeDistro3D(*args)
def buildInterpolatedCompositeDistro4D(*args) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.buildInterpolatedCompositeDistro4D(*args)
def buildInterpolatedCompositeDistro5D(*args) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.buildInterpolatedCompositeDistro5D(*args)
def buildInterpolatedCompositeDistro6D(*args) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.buildInterpolatedCompositeDistro6D(*args)
def buildInterpolatedCompositeDistro7D(*args) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.buildInterpolatedCompositeDistro7D(*args)
def buildInterpolatedCompositeDistro8D(*args) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.buildInterpolatedCompositeDistro8D(*args)
def buildInterpolatedCompositeDistro9D(*args) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.buildInterpolatedCompositeDistro9D(*args)
def buildInterpolatedCompositeDistro10D(*args) -> "npstat::InterpolatedDistro1DNP *":
return _npstat.buildInterpolatedCompositeDistro10D(*args)
def empiricalCopulaDensity(data: "DoubleVectorVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity(data, dimsToUse, result)
def empiricalCopulaDensity2D(data: "Point2DVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity2D(data, dimsToUse, result)
def empiricalCopulaDensity3D(data: "Point3DVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity3D(data, dimsToUse, result)
def empiricalCopulaDensity4D(data: "Point4DVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity4D(data, dimsToUse, result)
def empiricalCopulaDensity5D(data: "Point5DVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity5D(data, dimsToUse, result)
def empiricalCopulaDensity6D(data: "Point6DVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity6D(data, dimsToUse, result)
def empiricalCopulaDensity7D(data: "Point7DVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity7D(data, dimsToUse, result)
def empiricalCopulaDensity8D(data: "Point8DVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity8D(data, dimsToUse, result)
def empiricalCopulaDensity9D(data: "Point9DVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity9D(data, dimsToUse, result)
def empiricalCopulaDensity10D(data: "Point10DVector", dimsToUse: "unsigned int const *", result: "DoubleArrayND") -> "void":
return _npstat.empiricalCopulaDensity10D(data, dimsToUse, result)
class TruncatedDistribution1D(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.TruncatedDistribution1D_swiginit(self, _npstat.new_TruncatedDistribution1D(*args))
def clone(self) -> "npstat::TruncatedDistribution1D *":
return _npstat.TruncatedDistribution1D_clone(self)
__swig_destroy__ = _npstat.delete_TruncatedDistribution1D
def density(self, x: "double") -> "double":
return _npstat.TruncatedDistribution1D_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.TruncatedDistribution1D_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.TruncatedDistribution1D_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.TruncatedDistribution1D_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.TruncatedDistribution1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.TruncatedDistribution1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.TruncatedDistribution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.TruncatedDistribution1D_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::TruncatedDistribution1D *":
return _npstat.TruncatedDistribution1D_read(id, arg2)
# Register TruncatedDistribution1D in _npstat:
_npstat.TruncatedDistribution1D_swigregister(TruncatedDistribution1D)
def TruncatedDistribution1D_classname() -> "char const *":
return _npstat.TruncatedDistribution1D_classname()
def TruncatedDistribution1D_version() -> "unsigned int":
return _npstat.TruncatedDistribution1D_version()
def TruncatedDistribution1D_read(id: "ClassId", arg2: "istream") -> "npstat::TruncatedDistribution1D *":
return _npstat.TruncatedDistribution1D_read(id, arg2)
class ArchiveRecord_TruncatedDistribution1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "TruncatedDistribution1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_TruncatedDistribution1D_swiginit(self, _npstat.new_ArchiveRecord_TruncatedDistribution1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_TruncatedDistribution1D
# Register ArchiveRecord_TruncatedDistribution1D in _npstat:
_npstat.ArchiveRecord_TruncatedDistribution1D_swigregister(ArchiveRecord_TruncatedDistribution1D)
class Ref_TruncatedDistribution1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_TruncatedDistribution1D_swiginit(self, _npstat.new_Ref_TruncatedDistribution1D(*args))
def restore(self, index: "unsigned long", obj: "TruncatedDistribution1D") -> "void":
return _npstat.Ref_TruncatedDistribution1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::TruncatedDistribution1D *":
return _npstat.Ref_TruncatedDistribution1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::TruncatedDistribution1D":
return _npstat.Ref_TruncatedDistribution1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_TruncatedDistribution1D
# Register Ref_TruncatedDistribution1D in _npstat:
_npstat.Ref_TruncatedDistribution1D_swigregister(Ref_TruncatedDistribution1D)
class WeightedStatAccumulatorPair(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.WeightedStatAccumulatorPair_swiginit(self, _npstat.new_WeightedStatAccumulatorPair())
def first(self) -> "npstat::WeightedStatAccumulator const &":
return _npstat.WeightedStatAccumulatorPair_first(self)
def second(self) -> "npstat::WeightedStatAccumulator const &":
return _npstat.WeightedStatAccumulatorPair_second(self)
def crossSumsq(self) -> "long double":
return _npstat.WeightedStatAccumulatorPair_crossSumsq(self)
def count(self) -> "double":
return _npstat.WeightedStatAccumulatorPair_count(self)
def ncalls(self) -> "unsigned long":
return _npstat.WeightedStatAccumulatorPair_ncalls(self)
def nfills(self) -> "unsigned long":
return _npstat.WeightedStatAccumulatorPair_nfills(self)
def cov(self) -> "double":
return _npstat.WeightedStatAccumulatorPair_cov(self)
def corr(self) -> "double":
return _npstat.WeightedStatAccumulatorPair_corr(self)
def accumulate(self, *args) -> "void":
return _npstat.WeightedStatAccumulatorPair_accumulate(self, *args)
def reset(self) -> "void":
return _npstat.WeightedStatAccumulatorPair_reset(self)
def __iadd__(self, r: "WeightedStatAccumulatorPair") -> "npstat::WeightedStatAccumulatorPair &":
return _npstat.WeightedStatAccumulatorPair___iadd__(self, r)
def scaleWeights(self, r: "double const") -> "npstat::WeightedStatAccumulatorPair &":
return _npstat.WeightedStatAccumulatorPair_scaleWeights(self, r)
def __eq__(self, r: "WeightedStatAccumulatorPair") -> "bool":
return _npstat.WeightedStatAccumulatorPair___eq__(self, r)
def __ne__(self, r: "WeightedStatAccumulatorPair") -> "bool":
return _npstat.WeightedStatAccumulatorPair___ne__(self, r)
def classId(self) -> "gs::ClassId":
return _npstat.WeightedStatAccumulatorPair_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.WeightedStatAccumulatorPair_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.WeightedStatAccumulatorPair_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.WeightedStatAccumulatorPair_version()
@staticmethod
def restore(id: "ClassId", _in: "istream", acc: "WeightedStatAccumulatorPair") -> "void":
return _npstat.WeightedStatAccumulatorPair_restore(id, _in, acc)
__swig_destroy__ = _npstat.delete_WeightedStatAccumulatorPair
# Register WeightedStatAccumulatorPair in _npstat:
_npstat.WeightedStatAccumulatorPair_swigregister(WeightedStatAccumulatorPair)
def WeightedStatAccumulatorPair_classname() -> "char const *":
return _npstat.WeightedStatAccumulatorPair_classname()
def WeightedStatAccumulatorPair_version() -> "unsigned int":
return _npstat.WeightedStatAccumulatorPair_version()
def WeightedStatAccumulatorPair_restore(id: "ClassId", _in: "istream", acc: "WeightedStatAccumulatorPair") -> "void":
return _npstat.WeightedStatAccumulatorPair_restore(id, _in, acc)
class ArchiveRecord_WeightedStatAccumulatorPair(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "WeightedStatAccumulatorPair", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_WeightedStatAccumulatorPair_swiginit(self, _npstat.new_ArchiveRecord_WeightedStatAccumulatorPair(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_WeightedStatAccumulatorPair
# Register ArchiveRecord_WeightedStatAccumulatorPair in _npstat:
_npstat.ArchiveRecord_WeightedStatAccumulatorPair_swigregister(ArchiveRecord_WeightedStatAccumulatorPair)
class Ref_WeightedStatAccumulatorPair(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_WeightedStatAccumulatorPair_swiginit(self, _npstat.new_Ref_WeightedStatAccumulatorPair(*args))
def restore(self, index: "unsigned long", obj: "WeightedStatAccumulatorPair") -> "void":
return _npstat.Ref_WeightedStatAccumulatorPair_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::WeightedStatAccumulatorPair *":
return _npstat.Ref_WeightedStatAccumulatorPair_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::WeightedStatAccumulatorPair":
return _npstat.Ref_WeightedStatAccumulatorPair_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_WeightedStatAccumulatorPair
# Register Ref_WeightedStatAccumulatorPair in _npstat:
_npstat.Ref_WeightedStatAccumulatorPair_swigregister(Ref_WeightedStatAccumulatorPair)
class ExpTiltedDistribution1D(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.ExpTiltedDistribution1D_swiginit(self, _npstat.new_ExpTiltedDistribution1D(*args))
def clone(self) -> "npstat::ExpTiltedDistribution1D *":
return _npstat.ExpTiltedDistribution1D_clone(self)
__swig_destroy__ = _npstat.delete_ExpTiltedDistribution1D
def setTilt(self, s: "double") -> "void":
return _npstat.ExpTiltedDistribution1D_setTilt(self, s)
def tilt(self) -> "double":
return _npstat.ExpTiltedDistribution1D_tilt(self)
def Ks(self) -> "double":
return _npstat.ExpTiltedDistribution1D_Ks(self)
def getCGF(self, *args) -> "npstat::AbsCGF1D const &":
return _npstat.ExpTiltedDistribution1D_getCGF(self, *args)
def getUnderlyingDistro(self, *args) -> "npstat::AbsDistribution1D const &":
return _npstat.ExpTiltedDistribution1D_getUnderlyingDistro(self, *args)
def mean(self) -> "double":
return _npstat.ExpTiltedDistribution1D_mean(self)
def variance(self) -> "double":
return _npstat.ExpTiltedDistribution1D_variance(self)
def density(self, x: "double") -> "double":
return _npstat.ExpTiltedDistribution1D_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.ExpTiltedDistribution1D_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.ExpTiltedDistribution1D_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.ExpTiltedDistribution1D_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.ExpTiltedDistribution1D_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.ExpTiltedDistribution1D_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.ExpTiltedDistribution1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.ExpTiltedDistribution1D_version()
@staticmethod
def read(id: "ClassId", _is: "istream") -> "npstat::ExpTiltedDistribution1D *":
return _npstat.ExpTiltedDistribution1D_read(id, _is)
# Register ExpTiltedDistribution1D in _npstat:
_npstat.ExpTiltedDistribution1D_swigregister(ExpTiltedDistribution1D)
def ExpTiltedDistribution1D_classname() -> "char const *":
return _npstat.ExpTiltedDistribution1D_classname()
def ExpTiltedDistribution1D_version() -> "unsigned int":
return _npstat.ExpTiltedDistribution1D_version()
def ExpTiltedDistribution1D_read(id: "ClassId", _is: "istream") -> "npstat::ExpTiltedDistribution1D *":
return _npstat.ExpTiltedDistribution1D_read(id, _is)
class RightCensoredDistribution(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.RightCensoredDistribution_swiginit(self, _npstat.new_RightCensoredDistribution(*args))
def clone(self) -> "npstat::RightCensoredDistribution *":
return _npstat.RightCensoredDistribution_clone(self)
__swig_destroy__ = _npstat.delete_RightCensoredDistribution
def visible(self) -> "npstat::AbsDistribution1D const &":
return _npstat.RightCensoredDistribution_visible(self)
def visibleFraction(self) -> "double":
return _npstat.RightCensoredDistribution_visibleFraction(self)
def effectiveInfinity(self) -> "double":
return _npstat.RightCensoredDistribution_effectiveInfinity(self)
def density(self, x: "double") -> "double":
return _npstat.RightCensoredDistribution_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.RightCensoredDistribution_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.RightCensoredDistribution_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.RightCensoredDistribution_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.RightCensoredDistribution_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.RightCensoredDistribution_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.RightCensoredDistribution_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.RightCensoredDistribution_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::RightCensoredDistribution *":
return _npstat.RightCensoredDistribution_read(id, arg2)
# Register RightCensoredDistribution in _npstat:
_npstat.RightCensoredDistribution_swigregister(RightCensoredDistribution)
def RightCensoredDistribution_classname() -> "char const *":
return _npstat.RightCensoredDistribution_classname()
def RightCensoredDistribution_version() -> "unsigned int":
return _npstat.RightCensoredDistribution_version()
def RightCensoredDistribution_read(id: "ClassId", arg2: "istream") -> "npstat::RightCensoredDistribution *":
return _npstat.RightCensoredDistribution_read(id, arg2)
class ArchiveRecord_RightCensoredDistribution(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "RightCensoredDistribution", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_RightCensoredDistribution_swiginit(self, _npstat.new_ArchiveRecord_RightCensoredDistribution(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_RightCensoredDistribution
# Register ArchiveRecord_RightCensoredDistribution in _npstat:
_npstat.ArchiveRecord_RightCensoredDistribution_swigregister(ArchiveRecord_RightCensoredDistribution)
class Ref_RightCensoredDistribution(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_RightCensoredDistribution_swiginit(self, _npstat.new_Ref_RightCensoredDistribution(*args))
def restore(self, index: "unsigned long", obj: "RightCensoredDistribution") -> "void":
return _npstat.Ref_RightCensoredDistribution_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::RightCensoredDistribution *":
return _npstat.Ref_RightCensoredDistribution_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::RightCensoredDistribution":
return _npstat.Ref_RightCensoredDistribution_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_RightCensoredDistribution
# Register Ref_RightCensoredDistribution in _npstat:
_npstat.Ref_RightCensoredDistribution_swigregister(Ref_RightCensoredDistribution)
def empiricalCopulaHisto2D(data: "OrderedPoint2DVector", result: "DoubleHistoND", useFillC: "bool"=False) -> "void":
return _npstat.empiricalCopulaHisto2D(data, result, useFillC)
def empiricalCopulaHisto3D(data: "OrderedPoint3DVector", result: "DoubleHistoND", useFillC: "bool"=False) -> "void":
return _npstat.empiricalCopulaHisto3D(data, result, useFillC)
def empiricalCopulaHisto4D(data: "OrderedPoint4DVector", result: "DoubleHistoND", useFillC: "bool"=False) -> "void":
return _npstat.empiricalCopulaHisto4D(data, result, useFillC)
def empiricalCopulaHisto5D(data: "OrderedPoint5DVector", result: "DoubleHistoND", useFillC: "bool"=False) -> "void":
return _npstat.empiricalCopulaHisto5D(data, result, useFillC)
def empiricalCopulaHisto6D(data: "OrderedPoint6DVector", result: "DoubleHistoND", useFillC: "bool"=False) -> "void":
return _npstat.empiricalCopulaHisto6D(data, result, useFillC)
def empiricalCopulaHisto7D(data: "OrderedPoint7DVector", result: "DoubleHistoND", useFillC: "bool"=False) -> "void":
return _npstat.empiricalCopulaHisto7D(data, result, useFillC)
def empiricalCopulaHisto8D(data: "OrderedPoint8DVector", result: "DoubleHistoND", useFillC: "bool"=False) -> "void":
return _npstat.empiricalCopulaHisto8D(data, result, useFillC)
def empiricalCopulaHisto9D(data: "OrderedPoint9DVector", result: "DoubleHistoND", useFillC: "bool"=False) -> "void":
return _npstat.empiricalCopulaHisto9D(data, result, useFillC)
def empiricalCopulaHisto10D(data: "OrderedPoint10DVector", result: "DoubleHistoND", useFillC: "bool"=False) -> "void":
return _npstat.empiricalCopulaHisto10D(data, result, useFillC)
class ConstantBandwidthSmootherND_4(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
deg_size = _npstat.ConstantBandwidthSmootherND_4_deg_size
__swig_destroy__ = _npstat.delete_ConstantBandwidthSmootherND_4
def dim(self) -> "unsigned int":
return _npstat.ConstantBandwidthSmootherND_4_dim(self)
def shape(self) -> "npstat::ArrayShape const &":
return _npstat.ConstantBandwidthSmootherND_4_shape(self)
def shapeData(self) -> "unsigned int const *":
return _npstat.ConstantBandwidthSmootherND_4_shapeData(self)
def maxDegree(self) -> "unsigned int":
return _npstat.ConstantBandwidthSmootherND_4_maxDegree(self)
def mirrorsData(self) -> "bool":
return _npstat.ConstantBandwidthSmootherND_4_mirrorsData(self)
def taper(self, degree: "unsigned int") -> "double":
return _npstat.ConstantBandwidthSmootherND_4_taper(self, degree)
@staticmethod
def classMaxDegree() -> "unsigned int":
return _npstat.ConstantBandwidthSmootherND_4_classMaxDegree()
def __init__(self, *args):
_npstat.ConstantBandwidthSmootherND_4_swiginit(self, _npstat.new_ConstantBandwidthSmootherND_4(*args))
def smoothHistogram(self, *args) -> "void":
return _npstat.ConstantBandwidthSmootherND_4_smoothHistogram(self, *args)
# Register ConstantBandwidthSmootherND_4 in _npstat:
_npstat.ConstantBandwidthSmootherND_4_swigregister(ConstantBandwidthSmootherND_4)
def ConstantBandwidthSmootherND_4_classMaxDegree() -> "unsigned int":
return _npstat.ConstantBandwidthSmootherND_4_classMaxDegree()
class DiscreteTabulated1D(ShiftableDiscreteDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, shift: "long const", probs: "DoubleVector"):
_npstat.DiscreteTabulated1D_swiginit(self, _npstat.new_DiscreteTabulated1D(shift, probs))
__swig_destroy__ = _npstat.delete_DiscreteTabulated1D
def clone(self) -> "npstat::DiscreteTabulated1D *":
return _npstat.DiscreteTabulated1D_clone(self)
def probabilities(self) -> "std::vector< double,std::allocator< double > > const &":
return _npstat.DiscreteTabulated1D_probabilities(self)
def classId(self) -> "gs::ClassId":
return _npstat.DiscreteTabulated1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.DiscreteTabulated1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.DiscreteTabulated1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DiscreteTabulated1D_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::DiscreteTabulated1D *":
return _npstat.DiscreteTabulated1D_read(id, arg2)
# Register DiscreteTabulated1D in _npstat:
_npstat.DiscreteTabulated1D_swigregister(DiscreteTabulated1D)
def DiscreteTabulated1D_classname() -> "char const *":
return _npstat.DiscreteTabulated1D_classname()
def DiscreteTabulated1D_version() -> "unsigned int":
return _npstat.DiscreteTabulated1D_version()
def DiscreteTabulated1D_read(id: "ClassId", arg2: "istream") -> "npstat::DiscreteTabulated1D *":
return _npstat.DiscreteTabulated1D_read(id, arg2)
def pooledDiscreteTabulated1D(d1: "DiscreteTabulated1D", sampleSize1: "double", d2: "DiscreteTabulated1D", sampleSize2: "double", first: "long", oneAfterLast: "long") -> "npstat::DiscreteTabulated1D":
return _npstat.pooledDiscreteTabulated1D(d1, sampleSize1, d2, sampleSize2, first, oneAfterLast)
class Poisson1D(AbsDiscreteDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Poisson1D_swiginit(self, _npstat.new_Poisson1D(*args))
def clone(self) -> "npstat::Poisson1D *":
return _npstat.Poisson1D_clone(self)
__swig_destroy__ = _npstat.delete_Poisson1D
def mean(self) -> "double":
return _npstat.Poisson1D_mean(self)
def probability(self, x: "long") -> "double":
return _npstat.Poisson1D_probability(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.Poisson1D_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.Poisson1D_exceedance(self, x)
def quantile(self, x: "double") -> "long":
return _npstat.Poisson1D_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.Poisson1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.Poisson1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.Poisson1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.Poisson1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::Poisson1D *":
return _npstat.Poisson1D_read(id, _in)
# Register Poisson1D in _npstat:
_npstat.Poisson1D_swigregister(Poisson1D)
def Poisson1D_classname() -> "char const *":
return _npstat.Poisson1D_classname()
def Poisson1D_version() -> "unsigned int":
return _npstat.Poisson1D_version()
def Poisson1D_read(id: "ClassId", _in: "istream") -> "npstat::Poisson1D *":
return _npstat.Poisson1D_read(id, _in)
class ArchiveRecord_DiscreteTabulated1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DiscreteTabulated1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DiscreteTabulated1D_swiginit(self, _npstat.new_ArchiveRecord_DiscreteTabulated1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DiscreteTabulated1D
# Register ArchiveRecord_DiscreteTabulated1D in _npstat:
_npstat.ArchiveRecord_DiscreteTabulated1D_swigregister(ArchiveRecord_DiscreteTabulated1D)
class Ref_DiscreteTabulated1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DiscreteTabulated1D_swiginit(self, _npstat.new_Ref_DiscreteTabulated1D(*args))
def restore(self, index: "unsigned long", obj: "DiscreteTabulated1D") -> "void":
return _npstat.Ref_DiscreteTabulated1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::DiscreteTabulated1D *":
return _npstat.Ref_DiscreteTabulated1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::DiscreteTabulated1D":
return _npstat.Ref_DiscreteTabulated1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DiscreteTabulated1D
# Register Ref_DiscreteTabulated1D in _npstat:
_npstat.Ref_DiscreteTabulated1D_swigregister(Ref_DiscreteTabulated1D)
class ArchiveRecord_Poisson1D(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "Poisson1D", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_Poisson1D_swiginit(self, _npstat.new_ArchiveRecord_Poisson1D(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_Poisson1D
# Register ArchiveRecord_Poisson1D in _npstat:
_npstat.ArchiveRecord_Poisson1D_swigregister(ArchiveRecord_Poisson1D)
class Ref_Poisson1D(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Poisson1D_swiginit(self, _npstat.new_Ref_Poisson1D(*args))
def restore(self, index: "unsigned long", obj: "Poisson1D") -> "void":
return _npstat.Ref_Poisson1D_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::Poisson1D *":
return _npstat.Ref_Poisson1D_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::Poisson1D":
return _npstat.Ref_Poisson1D_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Poisson1D
# Register Ref_Poisson1D in _npstat:
_npstat.Ref_Poisson1D_swigregister(Ref_Poisson1D)
class QuantileTable1D(AbsScalableDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
def clone(self) -> "npstat::QuantileTable1D *":
return _npstat.QuantileTable1D_clone(self)
__swig_destroy__ = _npstat.delete_QuantileTable1D
def classId(self) -> "gs::ClassId":
return _npstat.QuantileTable1D_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.QuantileTable1D_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.QuantileTable1D_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.QuantileTable1D_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::QuantileTable1D *":
return _npstat.QuantileTable1D_read(id, _in)
# Register QuantileTable1D in _npstat:
_npstat.QuantileTable1D_swigregister(QuantileTable1D)
def QuantileTable1D_classname() -> "char const *":
return _npstat.QuantileTable1D_classname()
def QuantileTable1D_version() -> "unsigned int":
return _npstat.QuantileTable1D_version()
def QuantileTable1D_read(id: "ClassId", _in: "istream") -> "npstat::QuantileTable1D *":
return _npstat.QuantileTable1D_read(id, _in)
def interpolateHistoND(*args) -> "double":
return _npstat.interpolateHistoND(*args)
class RatioOfNormals(AbsDistribution1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, mu1: "double", s1: "double", mu2: "double", s2: "double", rho: "double"):
_npstat.RatioOfNormals_swiginit(self, _npstat.new_RatioOfNormals(mu1, s1, mu2, s2, rho))
__swig_destroy__ = _npstat.delete_RatioOfNormals
def clone(self) -> "npstat::RatioOfNormals *":
return _npstat.RatioOfNormals_clone(self)
def density(self, x: "double") -> "double":
return _npstat.RatioOfNormals_density(self, x)
def cdf(self, x: "double") -> "double":
return _npstat.RatioOfNormals_cdf(self, x)
def exceedance(self, x: "double") -> "double":
return _npstat.RatioOfNormals_exceedance(self, x)
def quantile(self, x: "double") -> "double":
return _npstat.RatioOfNormals_quantile(self, x)
def classId(self) -> "gs::ClassId":
return _npstat.RatioOfNormals_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.RatioOfNormals_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.RatioOfNormals_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.RatioOfNormals_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::RatioOfNormals *":
return _npstat.RatioOfNormals_read(id, arg2)
# Register RatioOfNormals in _npstat:
_npstat.RatioOfNormals_swigregister(RatioOfNormals)
def RatioOfNormals_classname() -> "char const *":
return _npstat.RatioOfNormals_classname()
def RatioOfNormals_version() -> "unsigned int":
return _npstat.RatioOfNormals_version()
def RatioOfNormals_read(id: "ClassId", arg2: "istream") -> "npstat::RatioOfNormals *":
return _npstat.RatioOfNormals_read(id, arg2)
SIZE_IS_N_TRIES = _npstat.SIZE_IS_N_TRIES
SIZE_IS_N_GENERATED = _npstat.SIZE_IS_N_GENERATED
SIZE_IS_KISHS = _npstat.SIZE_IS_KISHS
class DistributionMixND(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DistributionMixND_swiginit(self, _npstat.new_DistributionMixND(*args))
def clone(self) -> "npstat::DistributionMixND *":
return _npstat.DistributionMixND_clone(self)
__swig_destroy__ = _npstat.delete_DistributionMixND
def add(self, distro: "AbsDistributionND", weight: "double") -> "npstat::DistributionMixND &":
return _npstat.DistributionMixND_add(self, distro, weight)
def setWeights(self, weights: "double const *") -> "void":
return _npstat.DistributionMixND_setWeights(self, weights)
def nComponents(self) -> "unsigned int":
return _npstat.DistributionMixND_nComponents(self)
def getComponent(self, n: "unsigned int const") -> "npstat::AbsDistributionND const &":
return _npstat.DistributionMixND_getComponent(self, n)
def getWeight(self, n: "unsigned int") -> "double":
return _npstat.DistributionMixND_getWeight(self, n)
def density(self, x: "double const *") -> "double":
return _npstat.DistributionMixND_density(self, x)
def unitMap(self, rnd: "double const *", bufLen: "unsigned int", x: "double *") -> "void":
return _npstat.DistributionMixND_unitMap(self, rnd, bufLen, x)
def mappedByQuantiles(self) -> "bool":
return _npstat.DistributionMixND_mappedByQuantiles(self)
def classId(self) -> "gs::ClassId":
return _npstat.DistributionMixND_classId(self)
def write(self, arg2: "ostream") -> "bool":
return _npstat.DistributionMixND_write(self, arg2)
@staticmethod
def classname() -> "char const *":
return _npstat.DistributionMixND_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DistributionMixND_version()
@staticmethod
def read(id: "ClassId", arg2: "istream") -> "npstat::DistributionMixND *":
return _npstat.DistributionMixND_read(id, arg2)
# Register DistributionMixND in _npstat:
_npstat.DistributionMixND_swigregister(DistributionMixND)
def DistributionMixND_classname() -> "char const *":
return _npstat.DistributionMixND_classname()
def DistributionMixND_version() -> "unsigned int":
return _npstat.DistributionMixND_version()
def DistributionMixND_read(id: "ClassId", arg2: "istream") -> "npstat::DistributionMixND *":
return _npstat.DistributionMixND_read(id, arg2)
class ArchiveRecord_DistributionMixND(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DistributionMixND", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_DistributionMixND_swiginit(self, _npstat.new_ArchiveRecord_DistributionMixND(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_DistributionMixND
# Register ArchiveRecord_DistributionMixND in _npstat:
_npstat.ArchiveRecord_DistributionMixND_swigregister(ArchiveRecord_DistributionMixND)
class Ref_DistributionMixND(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DistributionMixND_swiginit(self, _npstat.new_Ref_DistributionMixND(*args))
def restore(self, index: "unsigned long", obj: "DistributionMixND") -> "void":
return _npstat.Ref_DistributionMixND_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::DistributionMixND *":
return _npstat.Ref_DistributionMixND_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::DistributionMixND":
return _npstat.Ref_DistributionMixND_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DistributionMixND
# Register Ref_DistributionMixND in _npstat:
_npstat.Ref_DistributionMixND_swigregister(Ref_DistributionMixND)
def scanMultivariateDensityAsWeight2(kernel: "AbsDistributionND", maxDim: "unsigned int const *", bandwidthSet: "double const *", stepSize: "double const *") -> "npstat::ArrayND< double,1U,10U > *":
return _npstat.scanMultivariateDensityAsWeight2(kernel, maxDim, bandwidthSet, stepSize)
class UCharBandwidthCVPseudoLogli1D(UCharAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.UCharBandwidthCVPseudoLogli1D_swiginit(self, _npstat.new_UCharBandwidthCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_UCharBandwidthCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.UCharBandwidthCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.UCharBandwidthCVPseudoLogli1D_getRenormCount(self)
# Register UCharBandwidthCVPseudoLogli1D in _npstat:
_npstat.UCharBandwidthCVPseudoLogli1D_swigregister(UCharBandwidthCVPseudoLogli1D)
class IntBandwidthCVPseudoLogli1D(IntAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.IntBandwidthCVPseudoLogli1D_swiginit(self, _npstat.new_IntBandwidthCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_IntBandwidthCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.IntBandwidthCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.IntBandwidthCVPseudoLogli1D_getRenormCount(self)
# Register IntBandwidthCVPseudoLogli1D in _npstat:
_npstat.IntBandwidthCVPseudoLogli1D_swigregister(IntBandwidthCVPseudoLogli1D)
class LongBandwidthCVPseudoLogli1D(LongAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.LongBandwidthCVPseudoLogli1D_swiginit(self, _npstat.new_LongBandwidthCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_LongBandwidthCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.LongBandwidthCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.LongBandwidthCVPseudoLogli1D_getRenormCount(self)
# Register LongBandwidthCVPseudoLogli1D in _npstat:
_npstat.LongBandwidthCVPseudoLogli1D_swigregister(LongBandwidthCVPseudoLogli1D)
class FloatBandwidthCVPseudoLogli1D(FloatAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.FloatBandwidthCVPseudoLogli1D_swiginit(self, _npstat.new_FloatBandwidthCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_FloatBandwidthCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.FloatBandwidthCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.FloatBandwidthCVPseudoLogli1D_getRenormCount(self)
# Register FloatBandwidthCVPseudoLogli1D in _npstat:
_npstat.FloatBandwidthCVPseudoLogli1D_swigregister(FloatBandwidthCVPseudoLogli1D)
class DoubleBandwidthCVPseudoLogli1D(DoubleAbsBandwidthCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.DoubleBandwidthCVPseudoLogli1D_swiginit(self, _npstat.new_DoubleBandwidthCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_DoubleBandwidthCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.DoubleBandwidthCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.DoubleBandwidthCVPseudoLogli1D_getRenormCount(self)
# Register DoubleBandwidthCVPseudoLogli1D in _npstat:
_npstat.DoubleBandwidthCVPseudoLogli1D_swigregister(DoubleBandwidthCVPseudoLogli1D)
class UCharBandwidthGCVPseudoLogli1D(UCharAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.UCharBandwidthGCVPseudoLogli1D_swiginit(self, _npstat.new_UCharBandwidthGCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_UCharBandwidthGCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.UCharBandwidthGCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.UCharBandwidthGCVPseudoLogli1D_getRenormCount(self)
# Register UCharBandwidthGCVPseudoLogli1D in _npstat:
_npstat.UCharBandwidthGCVPseudoLogli1D_swigregister(UCharBandwidthGCVPseudoLogli1D)
class IntBandwidthGCVPseudoLogli1D(IntAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.IntBandwidthGCVPseudoLogli1D_swiginit(self, _npstat.new_IntBandwidthGCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_IntBandwidthGCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.IntBandwidthGCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.IntBandwidthGCVPseudoLogli1D_getRenormCount(self)
# Register IntBandwidthGCVPseudoLogli1D in _npstat:
_npstat.IntBandwidthGCVPseudoLogli1D_swigregister(IntBandwidthGCVPseudoLogli1D)
class LongBandwidthGCVPseudoLogli1D(LongAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.LongBandwidthGCVPseudoLogli1D_swiginit(self, _npstat.new_LongBandwidthGCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_LongBandwidthGCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.LongBandwidthGCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.LongBandwidthGCVPseudoLogli1D_getRenormCount(self)
# Register LongBandwidthGCVPseudoLogli1D in _npstat:
_npstat.LongBandwidthGCVPseudoLogli1D_swigregister(LongBandwidthGCVPseudoLogli1D)
class FloatBandwidthGCVPseudoLogli1D(FloatAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.FloatBandwidthGCVPseudoLogli1D_swiginit(self, _npstat.new_FloatBandwidthGCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_FloatBandwidthGCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.FloatBandwidthGCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.FloatBandwidthGCVPseudoLogli1D_getRenormCount(self)
# Register FloatBandwidthGCVPseudoLogli1D in _npstat:
_npstat.FloatBandwidthGCVPseudoLogli1D_swigregister(FloatBandwidthGCVPseudoLogli1D)
class DoubleBandwidthGCVPseudoLogli1D(DoubleAbsBandwidthGCV1D):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.DoubleBandwidthGCVPseudoLogli1D_swiginit(self, _npstat.new_DoubleBandwidthGCVPseudoLogli1D(regularizationPower))
__swig_destroy__ = _npstat.delete_DoubleBandwidthGCVPseudoLogli1D
def getNonZeroCount(self) -> "unsigned long":
return _npstat.DoubleBandwidthGCVPseudoLogli1D_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.DoubleBandwidthGCVPseudoLogli1D_getRenormCount(self)
# Register DoubleBandwidthGCVPseudoLogli1D in _npstat:
_npstat.DoubleBandwidthGCVPseudoLogli1D_swigregister(DoubleBandwidthGCVPseudoLogli1D)
def histoCovariance(*args) -> "npstat::Matrix< double,16U > *":
return _npstat.histoCovariance(*args)
def histoMean(*args) -> "std::vector< double,std::allocator< double > >":
return _npstat.histoMean(*args)
def histoQuantiles(*args) -> "std::vector< double,std::allocator< double > >":
return _npstat.histoQuantiles(*args)
def histoDensity1D(*args) -> "npstat::BinnedDensity1D *":
return _npstat.histoDensity1D(*args)
def histoDensityND(*args) -> "npstat::BinnedDensityND *":
return _npstat.histoDensityND(*args)
def bivariateChiSquare(mux: "double", muy: "double", sx: "double", sy: "double", rho: "double", x: "double", y: "double") -> "double":
return _npstat.bivariateChiSquare(mux, muy, sx, sy, rho, x, y)
class FloatUAInterpolationFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatUAInterpolationFunctor_swiginit(self, _npstat.new_FloatUAInterpolationFunctor(*args))
__swig_destroy__ = _npstat.delete_FloatUAInterpolationFunctor
def minDim(self) -> "unsigned int":
return _npstat.FloatUAInterpolationFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.FloatUAInterpolationFunctor___call__(self, point, dim)
def interpolator(self, *args) -> "npstat::StorableInterpolationFunctor< float,npstat::UniformAxis >::Table const &":
return _npstat.FloatUAInterpolationFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< float > const &":
return _npstat.FloatUAInterpolationFunctor_table(self, *args)
def setConverter(self, conv: "npstat::Same< float > const &") -> "void":
return _npstat.FloatUAInterpolationFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.FloatUAInterpolationFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatUAInterpolationFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatUAInterpolationFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatUAInterpolationFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< float,npstat::UniformAxis > *":
return _npstat.FloatUAInterpolationFunctor_read(id, _in)
# Register FloatUAInterpolationFunctor in _npstat:
_npstat.FloatUAInterpolationFunctor_swigregister(FloatUAInterpolationFunctor)
def FloatUAInterpolationFunctor_classname() -> "char const *":
return _npstat.FloatUAInterpolationFunctor_classname()
def FloatUAInterpolationFunctor_version() -> "unsigned int":
return _npstat.FloatUAInterpolationFunctor_version()
def FloatUAInterpolationFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< float,npstat::UniformAxis > *":
return _npstat.FloatUAInterpolationFunctor_read(id, _in)
class FloatNUInterpolationFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatNUInterpolationFunctor_swiginit(self, _npstat.new_FloatNUInterpolationFunctor(*args))
__swig_destroy__ = _npstat.delete_FloatNUInterpolationFunctor
def minDim(self) -> "unsigned int":
return _npstat.FloatNUInterpolationFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.FloatNUInterpolationFunctor___call__(self, point, dim)
def interpolator(self, *args) -> "npstat::StorableInterpolationFunctor< float,npstat::GridAxis >::Table const &":
return _npstat.FloatNUInterpolationFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< float > const &":
return _npstat.FloatNUInterpolationFunctor_table(self, *args)
def setConverter(self, conv: "npstat::Same< float > const &") -> "void":
return _npstat.FloatNUInterpolationFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.FloatNUInterpolationFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatNUInterpolationFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatNUInterpolationFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatNUInterpolationFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< float,npstat::GridAxis > *":
return _npstat.FloatNUInterpolationFunctor_read(id, _in)
# Register FloatNUInterpolationFunctor in _npstat:
_npstat.FloatNUInterpolationFunctor_swigregister(FloatNUInterpolationFunctor)
def FloatNUInterpolationFunctor_classname() -> "char const *":
return _npstat.FloatNUInterpolationFunctor_classname()
def FloatNUInterpolationFunctor_version() -> "unsigned int":
return _npstat.FloatNUInterpolationFunctor_version()
def FloatNUInterpolationFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< float,npstat::GridAxis > *":
return _npstat.FloatNUInterpolationFunctor_read(id, _in)
class FloatInterpolationFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.FloatInterpolationFunctor_swiginit(self, _npstat.new_FloatInterpolationFunctor(*args))
__swig_destroy__ = _npstat.delete_FloatInterpolationFunctor
def minDim(self) -> "unsigned int":
return _npstat.FloatInterpolationFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.FloatInterpolationFunctor___call__(self, point, dim)
def interpolator(self, *args) -> "npstat::StorableInterpolationFunctor< float,npstat::DualAxis >::Table const &":
return _npstat.FloatInterpolationFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< float > const &":
return _npstat.FloatInterpolationFunctor_table(self, *args)
def setConverter(self, conv: "npstat::Same< float > const &") -> "void":
return _npstat.FloatInterpolationFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.FloatInterpolationFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.FloatInterpolationFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.FloatInterpolationFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FloatInterpolationFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< float,npstat::DualAxis > *":
return _npstat.FloatInterpolationFunctor_read(id, _in)
# Register FloatInterpolationFunctor in _npstat:
_npstat.FloatInterpolationFunctor_swigregister(FloatInterpolationFunctor)
def FloatInterpolationFunctor_classname() -> "char const *":
return _npstat.FloatInterpolationFunctor_classname()
def FloatInterpolationFunctor_version() -> "unsigned int":
return _npstat.FloatInterpolationFunctor_version()
def FloatInterpolationFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< float,npstat::DualAxis > *":
return _npstat.FloatInterpolationFunctor_read(id, _in)
class DoubleUAInterpolationFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleUAInterpolationFunctor_swiginit(self, _npstat.new_DoubleUAInterpolationFunctor(*args))
__swig_destroy__ = _npstat.delete_DoubleUAInterpolationFunctor
def minDim(self) -> "unsigned int":
return _npstat.DoubleUAInterpolationFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.DoubleUAInterpolationFunctor___call__(self, point, dim)
def interpolator(self, *args) -> "npstat::StorableInterpolationFunctor< double,npstat::UniformAxis >::Table const &":
return _npstat.DoubleUAInterpolationFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleUAInterpolationFunctor_table(self, *args)
def setConverter(self, conv: "DoubleSame") -> "void":
return _npstat.DoubleUAInterpolationFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleUAInterpolationFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleUAInterpolationFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleUAInterpolationFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleUAInterpolationFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< double,npstat::UniformAxis > *":
return _npstat.DoubleUAInterpolationFunctor_read(id, _in)
# Register DoubleUAInterpolationFunctor in _npstat:
_npstat.DoubleUAInterpolationFunctor_swigregister(DoubleUAInterpolationFunctor)
def DoubleUAInterpolationFunctor_classname() -> "char const *":
return _npstat.DoubleUAInterpolationFunctor_classname()
def DoubleUAInterpolationFunctor_version() -> "unsigned int":
return _npstat.DoubleUAInterpolationFunctor_version()
def DoubleUAInterpolationFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< double,npstat::UniformAxis > *":
return _npstat.DoubleUAInterpolationFunctor_read(id, _in)
class DoubleNUInterpolationFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleNUInterpolationFunctor_swiginit(self, _npstat.new_DoubleNUInterpolationFunctor(*args))
__swig_destroy__ = _npstat.delete_DoubleNUInterpolationFunctor
def minDim(self) -> "unsigned int":
return _npstat.DoubleNUInterpolationFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.DoubleNUInterpolationFunctor___call__(self, point, dim)
def interpolator(self, *args) -> "npstat::StorableInterpolationFunctor< double,npstat::GridAxis >::Table const &":
return _npstat.DoubleNUInterpolationFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleNUInterpolationFunctor_table(self, *args)
def setConverter(self, conv: "DoubleSame") -> "void":
return _npstat.DoubleNUInterpolationFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleNUInterpolationFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleNUInterpolationFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleNUInterpolationFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleNUInterpolationFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< double,npstat::GridAxis > *":
return _npstat.DoubleNUInterpolationFunctor_read(id, _in)
# Register DoubleNUInterpolationFunctor in _npstat:
_npstat.DoubleNUInterpolationFunctor_swigregister(DoubleNUInterpolationFunctor)
def DoubleNUInterpolationFunctor_classname() -> "char const *":
return _npstat.DoubleNUInterpolationFunctor_classname()
def DoubleNUInterpolationFunctor_version() -> "unsigned int":
return _npstat.DoubleNUInterpolationFunctor_version()
def DoubleNUInterpolationFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< double,npstat::GridAxis > *":
return _npstat.DoubleNUInterpolationFunctor_read(id, _in)
class DoubleInterpolationFunctor(StorableMultivariateFunctor):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.DoubleInterpolationFunctor_swiginit(self, _npstat.new_DoubleInterpolationFunctor(*args))
__swig_destroy__ = _npstat.delete_DoubleInterpolationFunctor
def minDim(self) -> "unsigned int":
return _npstat.DoubleInterpolationFunctor_minDim(self)
def __call__(self, point: "double const *", dim: "unsigned int") -> "double":
return _npstat.DoubleInterpolationFunctor___call__(self, point, dim)
def interpolator(self, *args) -> "npstat::StorableInterpolationFunctor< double,npstat::DualAxis >::Table const &":
return _npstat.DoubleInterpolationFunctor_interpolator(self, *args)
def table(self, *args) -> "npstat::ArrayND< double > const &":
return _npstat.DoubleInterpolationFunctor_table(self, *args)
def setConverter(self, conv: "DoubleSame") -> "void":
return _npstat.DoubleInterpolationFunctor_setConverter(self, conv)
def classId(self) -> "gs::ClassId":
return _npstat.DoubleInterpolationFunctor_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.DoubleInterpolationFunctor_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.DoubleInterpolationFunctor_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.DoubleInterpolationFunctor_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< double,npstat::DualAxis > *":
return _npstat.DoubleInterpolationFunctor_read(id, _in)
# Register DoubleInterpolationFunctor in _npstat:
_npstat.DoubleInterpolationFunctor_swigregister(DoubleInterpolationFunctor)
def DoubleInterpolationFunctor_classname() -> "char const *":
return _npstat.DoubleInterpolationFunctor_classname()
def DoubleInterpolationFunctor_version() -> "unsigned int":
return _npstat.DoubleInterpolationFunctor_version()
def DoubleInterpolationFunctor_read(id: "ClassId", _in: "istream") -> "npstat::StorableInterpolationFunctor< double,npstat::DualAxis > *":
return _npstat.DoubleInterpolationFunctor_read(id, _in)
class GaussianCopula(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, covmat: "DoubleMatrix"):
_npstat.GaussianCopula_swiginit(self, _npstat.new_GaussianCopula(covmat))
__swig_destroy__ = _npstat.delete_GaussianCopula
def density(self, x: "double const *") -> "double":
return _npstat.GaussianCopula_density(self, x)
def unitMap(self, rnd: "double const *", bufLen: "unsigned int", x: "double *") -> "void":
return _npstat.GaussianCopula_unitMap(self, rnd, bufLen, x)
def mappedByQuantiles(self) -> "bool":
return _npstat.GaussianCopula_mappedByQuantiles(self)
def clone(self) -> "npstat::GaussianCopula *":
return _npstat.GaussianCopula_clone(self)
def classId(self) -> "gs::ClassId":
return _npstat.GaussianCopula_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.GaussianCopula_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.GaussianCopula_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.GaussianCopula_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::GaussianCopula *":
return _npstat.GaussianCopula_read(id, _in)
# Register GaussianCopula in _npstat:
_npstat.GaussianCopula_swigregister(GaussianCopula)
def GaussianCopula_classname() -> "char const *":
return _npstat.GaussianCopula_classname()
def GaussianCopula_version() -> "unsigned int":
return _npstat.GaussianCopula_version()
def GaussianCopula_read(id: "ClassId", _in: "istream") -> "npstat::GaussianCopula *":
return _npstat.GaussianCopula_read(id, _in)
class FGMCopula(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, dim: "unsigned int", params: "double const *"):
_npstat.FGMCopula_swiginit(self, _npstat.new_FGMCopula(dim, params))
__swig_destroy__ = _npstat.delete_FGMCopula
def density(self, x: "double const *") -> "double":
return _npstat.FGMCopula_density(self, x)
def unitMap(self, rnd: "double const *", bufLen: "unsigned int", x: "double *") -> "void":
return _npstat.FGMCopula_unitMap(self, rnd, bufLen, x)
def mappedByQuantiles(self) -> "bool":
return _npstat.FGMCopula_mappedByQuantiles(self)
def clone(self) -> "npstat::FGMCopula *":
return _npstat.FGMCopula_clone(self)
def classId(self) -> "gs::ClassId":
return _npstat.FGMCopula_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.FGMCopula_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.FGMCopula_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.FGMCopula_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::FGMCopula *":
return _npstat.FGMCopula_read(id, _in)
# Register FGMCopula in _npstat:
_npstat.FGMCopula_swigregister(FGMCopula)
def FGMCopula_classname() -> "char const *":
return _npstat.FGMCopula_classname()
def FGMCopula_version() -> "unsigned int":
return _npstat.FGMCopula_version()
def FGMCopula_read(id: "ClassId", _in: "istream") -> "npstat::FGMCopula *":
return _npstat.FGMCopula_read(id, _in)
class TCopula(AbsDistributionND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, covmat: "DoubleMatrix", nDegreesOfFreedom: "double"):
_npstat.TCopula_swiginit(self, _npstat.new_TCopula(covmat, nDegreesOfFreedom))
__swig_destroy__ = _npstat.delete_TCopula
def density(self, x: "double const *") -> "double":
return _npstat.TCopula_density(self, x)
def unitMap(self, rnd: "double const *", bufLen: "unsigned int", x: "double *") -> "void":
return _npstat.TCopula_unitMap(self, rnd, bufLen, x)
def mappedByQuantiles(self) -> "bool":
return _npstat.TCopula_mappedByQuantiles(self)
def nDegreesOfFreedom(self) -> "double":
return _npstat.TCopula_nDegreesOfFreedom(self)
def clone(self) -> "npstat::TCopula *":
return _npstat.TCopula_clone(self)
def classId(self) -> "gs::ClassId":
return _npstat.TCopula_classId(self)
def write(self, os: "ostream") -> "bool":
return _npstat.TCopula_write(self, os)
@staticmethod
def classname() -> "char const *":
return _npstat.TCopula_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.TCopula_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::TCopula *":
return _npstat.TCopula_read(id, _in)
# Register TCopula in _npstat:
_npstat.TCopula_swigregister(TCopula)
def TCopula_classname() -> "char const *":
return _npstat.TCopula_classname()
def TCopula_version() -> "unsigned int":
return _npstat.TCopula_version()
def TCopula_read(id: "ClassId", _in: "istream") -> "npstat::TCopula *":
return _npstat.TCopula_read(id, _in)
class OSDE1D(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.OSDE1D_swiginit(self, _npstat.new_OSDE1D(*args))
__swig_destroy__ = _npstat.delete_OSDE1D
def clpoly(self) -> "npstat::AbsClassicalOrthoPoly1D const &":
return _npstat.OSDE1D_clpoly(self)
def xmin(self) -> "double":
return _npstat.OSDE1D_xmin(self)
def xmax(self) -> "double":
return _npstat.OSDE1D_xmax(self)
def weight(self, x: "double") -> "double":
return _npstat.OSDE1D_weight(self, x)
def poly(self, deg: "unsigned int const", x: "double const") -> "double":
return _npstat.OSDE1D_poly(self, deg, x)
def twopoly(self, deg1: "unsigned int", deg2: "unsigned int", x: "double") -> "std::pair< double,double >":
return _npstat.OSDE1D_twopoly(self, deg1, deg2, x)
def integratePoly(self, degree: "unsigned int const", power: "unsigned int const") -> "double":
return _npstat.OSDE1D_integratePoly(self, degree, power)
def jointIntegral(self, degrees: "unsigned int const *") -> "double":
return _npstat.OSDE1D_jointIntegral(self, degrees)
def tMatrix(self, maxdeg: "unsigned int") -> "npstat::Matrix< double >":
return _npstat.OSDE1D_tMatrix(self, maxdeg)
@staticmethod
def supportRegion(poly1d: "AbsClassicalOrthoPoly1D", leftLimit: "double", leftIsFromSample: "bool", rightLimit: "double", rightIsFromSample: "bool", nPoints: "unsigned long") -> "std::pair< double,double >":
return _npstat.OSDE1D_supportRegion(poly1d, leftLimit, leftIsFromSample, rightLimit, rightIsFromSample, nPoints)
def integrateSeries(self, coeffs: "double const *") -> "double":
return _npstat.OSDE1D_integrateSeries(self, coeffs)
def series(self, coeffs: "double const *", x: "double const") -> "double":
return _npstat.OSDE1D_series(self, coeffs, x)
def seriesScan(self, coeffs: "double const *", nOut: "unsigned int const") -> "PyObject *":
return _npstat.OSDE1D_seriesScan(self, coeffs, nOut)
def densityCoeffs(self, distro: "AbsDistribution1D", nIntegrationPoints: "unsigned int", coeffsOut: "double *") -> "void":
return _npstat.OSDE1D_densityCoeffs(self, distro, nIntegrationPoints, coeffsOut)
def densityCoeffsVariance(self, distro: "AbsDistribution1D", nIntegrationPoints: "unsigned int", coeffs: "double const *", expectedSampleSize: "double", coeffsOut: "double *") -> "void":
return _npstat.OSDE1D_densityCoeffsVariance(self, distro, nIntegrationPoints, coeffs, expectedSampleSize, coeffsOut)
def densityCoeffsCovariance(self, distro: "AbsDistribution1D", nIntegrationPoints: "unsigned int", coeffs: "double const *", expectedSampleSize: "double") -> "npstat::Matrix< double,16U >":
return _npstat.OSDE1D_densityCoeffsCovariance(self, distro, nIntegrationPoints, coeffs, expectedSampleSize)
@staticmethod
def optimalDegreeHart(coeffs: "double const *", variances: "double const *", k: "double"=2.0) -> "unsigned int":
return _npstat.OSDE1D_optimalDegreeHart(coeffs, variances, k)
def calculateCoeffs(self, d: "AbsDistribution1D", quad: "GaussLegendreQuadrature", coeffsOut: "double *") -> "void":
return _npstat.OSDE1D_calculateCoeffs(self, d, quad, coeffsOut)
def sampleCoeffs(self, sample: "DoubleVector", coeffsOut: "double *") -> "void":
return _npstat.OSDE1D_sampleCoeffs(self, sample, coeffsOut)
def sampleCoeffsVariance(self, sample: "DoubleVector", coeffs: "double const *", coeffsOut: "double *") -> "void":
return _npstat.OSDE1D_sampleCoeffsVariance(self, sample, coeffs, coeffsOut)
def sampleCoeffsCovariance(self, sample: "DoubleVector", coeffs: "double const *") -> "npstat::Matrix< double,16U >":
return _npstat.OSDE1D_sampleCoeffsCovariance(self, sample, coeffs)
def weightedSampleCoeffs(self, sample: "DoubleDoublePairVector", coeffsOut: "double *") -> "void":
return _npstat.OSDE1D_weightedSampleCoeffs(self, sample, coeffsOut)
def weightedSampleCoeffsVariance(self, sample: "DoubleDoublePairVector", coeffs: "double const *", coeffsOut: "double *") -> "void":
return _npstat.OSDE1D_weightedSampleCoeffsVariance(self, sample, coeffs, coeffsOut)
def weightedSampleCoeffsCovariance(self, sample: "DoubleDoublePairVector", coeffs: "double const *") -> "npstat::Matrix< double,16U >":
return _npstat.OSDE1D_weightedSampleCoeffsCovariance(self, sample, coeffs)
def integratedSquaredError(self, d: "AbsDistribution1D", quad: "GaussLegendreQuadrature", coeffs: "double const *") -> "double":
return _npstat.OSDE1D_integratedSquaredError(self, d, quad, coeffs)
# Register OSDE1D in _npstat:
_npstat.OSDE1D_swigregister(OSDE1D)
def OSDE1D_supportRegion(poly1d: "AbsClassicalOrthoPoly1D", leftLimit: "double", leftIsFromSample: "bool", rightLimit: "double", rightIsFromSample: "bool", nPoints: "unsigned long") -> "std::pair< double,double >":
return _npstat.OSDE1D_supportRegion(poly1d, leftLimit, leftIsFromSample, rightLimit, rightIsFromSample, nPoints)
def OSDE1D_optimalDegreeHart(coeffs: "double const *", variances: "double const *", k: "double"=2.0) -> "unsigned int":
return _npstat.OSDE1D_optimalDegreeHart(coeffs, variances, k)
class UCharBandwidthGCVPseudoLogliND(UCharAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.UCharBandwidthGCVPseudoLogliND_swiginit(self, _npstat.new_UCharBandwidthGCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_UCharBandwidthGCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.UCharBandwidthGCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.UCharBandwidthGCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.UCharBandwidthGCVPseudoLogliND___call__(self, *args)
# Register UCharBandwidthGCVPseudoLogliND in _npstat:
_npstat.UCharBandwidthGCVPseudoLogliND_swigregister(UCharBandwidthGCVPseudoLogliND)
class IntBandwidthGCVPseudoLogliND(IntAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.IntBandwidthGCVPseudoLogliND_swiginit(self, _npstat.new_IntBandwidthGCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_IntBandwidthGCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.IntBandwidthGCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.IntBandwidthGCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.IntBandwidthGCVPseudoLogliND___call__(self, *args)
# Register IntBandwidthGCVPseudoLogliND in _npstat:
_npstat.IntBandwidthGCVPseudoLogliND_swigregister(IntBandwidthGCVPseudoLogliND)
class LongBandwidthGCVPseudoLogliND(LongAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.LongBandwidthGCVPseudoLogliND_swiginit(self, _npstat.new_LongBandwidthGCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_LongBandwidthGCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.LongBandwidthGCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.LongBandwidthGCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.LongBandwidthGCVPseudoLogliND___call__(self, *args)
# Register LongBandwidthGCVPseudoLogliND in _npstat:
_npstat.LongBandwidthGCVPseudoLogliND_swigregister(LongBandwidthGCVPseudoLogliND)
class FloatBandwidthGCVPseudoLogliND(FloatAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.FloatBandwidthGCVPseudoLogliND_swiginit(self, _npstat.new_FloatBandwidthGCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_FloatBandwidthGCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.FloatBandwidthGCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.FloatBandwidthGCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.FloatBandwidthGCVPseudoLogliND___call__(self, *args)
# Register FloatBandwidthGCVPseudoLogliND in _npstat:
_npstat.FloatBandwidthGCVPseudoLogliND_swigregister(FloatBandwidthGCVPseudoLogliND)
class DoubleBandwidthGCVPseudoLogliND(DoubleAbsBandwidthGCVND):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, regularizationPower: "double"=0.5):
_npstat.DoubleBandwidthGCVPseudoLogliND_swiginit(self, _npstat.new_DoubleBandwidthGCVPseudoLogliND(regularizationPower))
__swig_destroy__ = _npstat.delete_DoubleBandwidthGCVPseudoLogliND
def getNonZeroCount(self) -> "unsigned long":
return _npstat.DoubleBandwidthGCVPseudoLogliND_getNonZeroCount(self)
def getRenormCount(self) -> "unsigned long":
return _npstat.DoubleBandwidthGCVPseudoLogliND_getRenormCount(self)
def __call__(self, *args) -> "double":
return _npstat.DoubleBandwidthGCVPseudoLogliND___call__(self, *args)
# Register DoubleBandwidthGCVPseudoLogliND in _npstat:
_npstat.DoubleBandwidthGCVPseudoLogliND_swigregister(DoubleBandwidthGCVPseudoLogliND)
def sampleDistro1DWithWeight(*args) -> "PyObject *":
return _npstat.sampleDistro1DWithWeight(*args)
def variableBandwidthSmooth1D(*args) -> "PyObject *":
return _npstat.variableBandwidthSmooth1D(*args)
def weightedVariableBandwidthSmooth1D(*args) -> "PyObject *":
return _npstat.weightedVariableBandwidthSmooth1D(*args)
def simpleVariableBandwidthSmooth1D(*args) -> "PyObject *":
return _npstat.simpleVariableBandwidthSmooth1D(*args)
class ArchiveValueRecord_SCharVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "SCharVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_SCharVector_swiginit(self, _npstat.new_ArchiveValueRecord_SCharVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_SCharVector
# Register ArchiveValueRecord_SCharVector in _npstat:
_npstat.ArchiveValueRecord_SCharVector_swigregister(ArchiveValueRecord_SCharVector)
def NPValueRecord_SCharVector(object: "SCharVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< signed char,std::allocator< signed char > > >":
return _npstat.NPValueRecord_SCharVector(object, name, category)
class Ref_SCharVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_SCharVector_swiginit(self, _npstat.new_Ref_SCharVector(*args))
def restore(self, index: "unsigned long", obj: "SCharVector") -> "void":
return _npstat.Ref_SCharVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< signed char,std::allocator< signed char > > *":
return _npstat.Ref_SCharVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< signed char,std::allocator< signed char > >":
return _npstat.Ref_SCharVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_SCharVector
# Register Ref_SCharVector in _npstat:
_npstat.Ref_SCharVector_swigregister(Ref_SCharVector)
class ArchiveValueRecord_UCharVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UCharVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_UCharVector_swiginit(self, _npstat.new_ArchiveValueRecord_UCharVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_UCharVector
# Register ArchiveValueRecord_UCharVector in _npstat:
_npstat.ArchiveValueRecord_UCharVector_swigregister(ArchiveValueRecord_UCharVector)
def NPValueRecord_UCharVector(object: "UCharVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< unsigned char,std::allocator< unsigned char > > >":
return _npstat.NPValueRecord_UCharVector(object, name, category)
class Ref_UCharVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UCharVector_swiginit(self, _npstat.new_Ref_UCharVector(*args))
def restore(self, index: "unsigned long", obj: "UCharVector") -> "void":
return _npstat.Ref_UCharVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< unsigned char,std::allocator< unsigned char > > *":
return _npstat.Ref_UCharVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< unsigned char,std::allocator< unsigned char > >":
return _npstat.Ref_UCharVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UCharVector
# Register Ref_UCharVector in _npstat:
_npstat.Ref_UCharVector_swigregister(Ref_UCharVector)
class ArchiveValueRecord_ShortVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "ShortVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_ShortVector_swiginit(self, _npstat.new_ArchiveValueRecord_ShortVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_ShortVector
# Register ArchiveValueRecord_ShortVector in _npstat:
_npstat.ArchiveValueRecord_ShortVector_swigregister(ArchiveValueRecord_ShortVector)
def NPValueRecord_ShortVector(object: "ShortVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< short,std::allocator< short > > >":
return _npstat.NPValueRecord_ShortVector(object, name, category)
class Ref_ShortVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ShortVector_swiginit(self, _npstat.new_Ref_ShortVector(*args))
def restore(self, index: "unsigned long", obj: "ShortVector") -> "void":
return _npstat.Ref_ShortVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< short,std::allocator< short > > *":
return _npstat.Ref_ShortVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< short,std::allocator< short > >":
return _npstat.Ref_ShortVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ShortVector
# Register Ref_ShortVector in _npstat:
_npstat.Ref_ShortVector_swigregister(Ref_ShortVector)
class ArchiveValueRecord_UShortVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UShortVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_UShortVector_swiginit(self, _npstat.new_ArchiveValueRecord_UShortVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_UShortVector
# Register ArchiveValueRecord_UShortVector in _npstat:
_npstat.ArchiveValueRecord_UShortVector_swigregister(ArchiveValueRecord_UShortVector)
def NPValueRecord_UShortVector(object: "UShortVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< unsigned short,std::allocator< unsigned short > > >":
return _npstat.NPValueRecord_UShortVector(object, name, category)
class Ref_UShortVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UShortVector_swiginit(self, _npstat.new_Ref_UShortVector(*args))
def restore(self, index: "unsigned long", obj: "UShortVector") -> "void":
return _npstat.Ref_UShortVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< unsigned short,std::allocator< unsigned short > > *":
return _npstat.Ref_UShortVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< unsigned short,std::allocator< unsigned short > >":
return _npstat.Ref_UShortVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UShortVector
# Register Ref_UShortVector in _npstat:
_npstat.Ref_UShortVector_swigregister(Ref_UShortVector)
class ArchiveValueRecord_LongVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LongVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_LongVector_swiginit(self, _npstat.new_ArchiveValueRecord_LongVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_LongVector
# Register ArchiveValueRecord_LongVector in _npstat:
_npstat.ArchiveValueRecord_LongVector_swigregister(ArchiveValueRecord_LongVector)
def NPValueRecord_LongVector(object: "LongVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< long,std::allocator< long > > >":
return _npstat.NPValueRecord_LongVector(object, name, category)
class Ref_LongVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LongVector_swiginit(self, _npstat.new_Ref_LongVector(*args))
def restore(self, index: "unsigned long", obj: "LongVector") -> "void":
return _npstat.Ref_LongVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< long,std::allocator< long > > *":
return _npstat.Ref_LongVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< long,std::allocator< long > >":
return _npstat.Ref_LongVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LongVector
# Register Ref_LongVector in _npstat:
_npstat.Ref_LongVector_swigregister(Ref_LongVector)
class ArchiveValueRecord_ULongVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "ULongVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_ULongVector_swiginit(self, _npstat.new_ArchiveValueRecord_ULongVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_ULongVector
# Register ArchiveValueRecord_ULongVector in _npstat:
_npstat.ArchiveValueRecord_ULongVector_swigregister(ArchiveValueRecord_ULongVector)
def NPValueRecord_ULongVector(object: "ULongVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< unsigned long,std::allocator< unsigned long > > >":
return _npstat.NPValueRecord_ULongVector(object, name, category)
class Ref_ULongVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ULongVector_swiginit(self, _npstat.new_Ref_ULongVector(*args))
def restore(self, index: "unsigned long", obj: "ULongVector") -> "void":
return _npstat.Ref_ULongVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< unsigned long,std::allocator< unsigned long > > *":
return _npstat.Ref_ULongVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< unsigned long,std::allocator< unsigned long > >":
return _npstat.Ref_ULongVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ULongVector
# Register Ref_ULongVector in _npstat:
_npstat.Ref_ULongVector_swigregister(Ref_ULongVector)
class ArchiveValueRecord_IntVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "IntVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_IntVector_swiginit(self, _npstat.new_ArchiveValueRecord_IntVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_IntVector
# Register ArchiveValueRecord_IntVector in _npstat:
_npstat.ArchiveValueRecord_IntVector_swigregister(ArchiveValueRecord_IntVector)
def NPValueRecord_IntVector(object: "IntVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< int,std::allocator< int > > >":
return _npstat.NPValueRecord_IntVector(object, name, category)
class Ref_IntVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_IntVector_swiginit(self, _npstat.new_Ref_IntVector(*args))
def restore(self, index: "unsigned long", obj: "IntVector") -> "void":
return _npstat.Ref_IntVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< int,std::allocator< int > > *":
return _npstat.Ref_IntVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< int,std::allocator< int > >":
return _npstat.Ref_IntVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_IntVector
# Register Ref_IntVector in _npstat:
_npstat.Ref_IntVector_swigregister(Ref_IntVector)
class ArchiveValueRecord_LLongVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LLongVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_LLongVector_swiginit(self, _npstat.new_ArchiveValueRecord_LLongVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_LLongVector
# Register ArchiveValueRecord_LLongVector in _npstat:
_npstat.ArchiveValueRecord_LLongVector_swigregister(ArchiveValueRecord_LLongVector)
def NPValueRecord_LLongVector(object: "LLongVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< long long,std::allocator< long long > > >":
return _npstat.NPValueRecord_LLongVector(object, name, category)
class Ref_LLongVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LLongVector_swiginit(self, _npstat.new_Ref_LLongVector(*args))
def restore(self, index: "unsigned long", obj: "LLongVector") -> "void":
return _npstat.Ref_LLongVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< long long,std::allocator< long long > > *":
return _npstat.Ref_LLongVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< long long,std::allocator< long long > >":
return _npstat.Ref_LLongVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LLongVector
# Register Ref_LLongVector in _npstat:
_npstat.Ref_LLongVector_swigregister(Ref_LLongVector)
class ArchiveValueRecord_UIntVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "UIntVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_UIntVector_swiginit(self, _npstat.new_ArchiveValueRecord_UIntVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_UIntVector
# Register ArchiveValueRecord_UIntVector in _npstat:
_npstat.ArchiveValueRecord_UIntVector_swigregister(ArchiveValueRecord_UIntVector)
def NPValueRecord_UIntVector(object: "UIntVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< unsigned int,std::allocator< unsigned int > > >":
return _npstat.NPValueRecord_UIntVector(object, name, category)
class Ref_UIntVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UIntVector_swiginit(self, _npstat.new_Ref_UIntVector(*args))
def restore(self, index: "unsigned long", obj: "UIntVector") -> "void":
return _npstat.Ref_UIntVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< unsigned int,std::allocator< unsigned int > > *":
return _npstat.Ref_UIntVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< unsigned int,std::allocator< unsigned int > >":
return _npstat.Ref_UIntVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UIntVector
# Register Ref_UIntVector in _npstat:
_npstat.Ref_UIntVector_swigregister(Ref_UIntVector)
class ArchiveValueRecord_ULLongVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "ULLongVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_ULLongVector_swiginit(self, _npstat.new_ArchiveValueRecord_ULLongVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_ULLongVector
# Register ArchiveValueRecord_ULLongVector in _npstat:
_npstat.ArchiveValueRecord_ULLongVector_swigregister(ArchiveValueRecord_ULLongVector)
def NPValueRecord_ULLongVector(object: "ULLongVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< unsigned long long,std::allocator< unsigned long long > > >":
return _npstat.NPValueRecord_ULLongVector(object, name, category)
class Ref_ULLongVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ULLongVector_swiginit(self, _npstat.new_Ref_ULLongVector(*args))
def restore(self, index: "unsigned long", obj: "ULLongVector") -> "void":
return _npstat.Ref_ULLongVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< unsigned long long,std::allocator< unsigned long long > > *":
return _npstat.Ref_ULLongVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< unsigned long long,std::allocator< unsigned long long > >":
return _npstat.Ref_ULLongVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ULLongVector
# Register Ref_ULLongVector in _npstat:
_npstat.Ref_ULLongVector_swigregister(Ref_ULLongVector)
class ArchiveValueRecord_FloatVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "FloatVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_FloatVector_swiginit(self, _npstat.new_ArchiveValueRecord_FloatVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_FloatVector
# Register ArchiveValueRecord_FloatVector in _npstat:
_npstat.ArchiveValueRecord_FloatVector_swigregister(ArchiveValueRecord_FloatVector)
def NPValueRecord_FloatVector(object: "FloatVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< float,std::allocator< float > > >":
return _npstat.NPValueRecord_FloatVector(object, name, category)
class Ref_FloatVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_FloatVector_swiginit(self, _npstat.new_Ref_FloatVector(*args))
def restore(self, index: "unsigned long", obj: "FloatVector") -> "void":
return _npstat.Ref_FloatVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< float,std::allocator< float > > *":
return _npstat.Ref_FloatVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< float,std::allocator< float > >":
return _npstat.Ref_FloatVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_FloatVector
# Register Ref_FloatVector in _npstat:
_npstat.Ref_FloatVector_swigregister(Ref_FloatVector)
class ArchiveValueRecord_DoubleVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "DoubleVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_DoubleVector_swiginit(self, _npstat.new_ArchiveValueRecord_DoubleVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_DoubleVector
# Register ArchiveValueRecord_DoubleVector in _npstat:
_npstat.ArchiveValueRecord_DoubleVector_swigregister(ArchiveValueRecord_DoubleVector)
def NPValueRecord_DoubleVector(object: "DoubleVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< double,std::allocator< double > > >":
return _npstat.NPValueRecord_DoubleVector(object, name, category)
class Ref_DoubleVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_DoubleVector_swiginit(self, _npstat.new_Ref_DoubleVector(*args))
def restore(self, index: "unsigned long", obj: "DoubleVector") -> "void":
return _npstat.Ref_DoubleVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< double,std::allocator< double > > *":
return _npstat.Ref_DoubleVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< double,std::allocator< double > >":
return _npstat.Ref_DoubleVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_DoubleVector
# Register Ref_DoubleVector in _npstat:
_npstat.Ref_DoubleVector_swigregister(Ref_DoubleVector)
class ArchiveValueRecord_LDoubleVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "LDoubleVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_LDoubleVector_swiginit(self, _npstat.new_ArchiveValueRecord_LDoubleVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_LDoubleVector
# Register ArchiveValueRecord_LDoubleVector in _npstat:
_npstat.ArchiveValueRecord_LDoubleVector_swigregister(ArchiveValueRecord_LDoubleVector)
def NPValueRecord_LDoubleVector(object: "LDoubleVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< long double,std::allocator< long double > > >":
return _npstat.NPValueRecord_LDoubleVector(object, name, category)
class Ref_LDoubleVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LDoubleVector_swiginit(self, _npstat.new_Ref_LDoubleVector(*args))
def restore(self, index: "unsigned long", obj: "LDoubleVector") -> "void":
return _npstat.Ref_LDoubleVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< long double,std::allocator< long double > > *":
return _npstat.Ref_LDoubleVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< long double,std::allocator< long double > >":
return _npstat.Ref_LDoubleVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LDoubleVector
# Register Ref_LDoubleVector in _npstat:
_npstat.Ref_LDoubleVector_swigregister(Ref_LDoubleVector)
class ArchiveValueRecord_CFloatVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "CFloatVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_CFloatVector_swiginit(self, _npstat.new_ArchiveValueRecord_CFloatVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_CFloatVector
# Register ArchiveValueRecord_CFloatVector in _npstat:
_npstat.ArchiveValueRecord_CFloatVector_swigregister(ArchiveValueRecord_CFloatVector)
def NPValueRecord_CFloatVector(object: "CFloatVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< std::complex< float >,std::allocator< std::complex< float > > > >":
return _npstat.NPValueRecord_CFloatVector(object, name, category)
class Ref_CFloatVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CFloatVector_swiginit(self, _npstat.new_Ref_CFloatVector(*args))
def restore(self, index: "unsigned long", obj: "CFloatVector") -> "void":
return _npstat.Ref_CFloatVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< std::complex< float >,std::allocator< std::complex< float > > > *":
return _npstat.Ref_CFloatVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< std::complex< float >,std::allocator< std::complex< float > > >":
return _npstat.Ref_CFloatVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CFloatVector
# Register Ref_CFloatVector in _npstat:
_npstat.Ref_CFloatVector_swigregister(Ref_CFloatVector)
class ArchiveValueRecord_CDoubleVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "CDoubleVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_CDoubleVector_swiginit(self, _npstat.new_ArchiveValueRecord_CDoubleVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_CDoubleVector
# Register ArchiveValueRecord_CDoubleVector in _npstat:
_npstat.ArchiveValueRecord_CDoubleVector_swigregister(ArchiveValueRecord_CDoubleVector)
def NPValueRecord_CDoubleVector(object: "CDoubleVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< std::complex< double >,std::allocator< std::complex< double > > > >":
return _npstat.NPValueRecord_CDoubleVector(object, name, category)
class Ref_CDoubleVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CDoubleVector_swiginit(self, _npstat.new_Ref_CDoubleVector(*args))
def restore(self, index: "unsigned long", obj: "CDoubleVector") -> "void":
return _npstat.Ref_CDoubleVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< std::complex< double >,std::allocator< std::complex< double > > > *":
return _npstat.Ref_CDoubleVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< std::complex< double >,std::allocator< std::complex< double > > >":
return _npstat.Ref_CDoubleVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CDoubleVector
# Register Ref_CDoubleVector in _npstat:
_npstat.Ref_CDoubleVector_swigregister(Ref_CDoubleVector)
class ArchiveValueRecord_CLDoubleVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "CLDoubleVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_CLDoubleVector_swiginit(self, _npstat.new_ArchiveValueRecord_CLDoubleVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_CLDoubleVector
# Register ArchiveValueRecord_CLDoubleVector in _npstat:
_npstat.ArchiveValueRecord_CLDoubleVector_swigregister(ArchiveValueRecord_CLDoubleVector)
def NPValueRecord_CLDoubleVector(object: "CLDoubleVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< std::complex< long double >,std::allocator< std::complex< long double > > > >":
return _npstat.NPValueRecord_CLDoubleVector(object, name, category)
class Ref_CLDoubleVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CLDoubleVector_swiginit(self, _npstat.new_Ref_CLDoubleVector(*args))
def restore(self, index: "unsigned long", obj: "CLDoubleVector") -> "void":
return _npstat.Ref_CLDoubleVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< std::complex< long double >,std::allocator< std::complex< long double > > > *":
return _npstat.Ref_CLDoubleVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< std::complex< long double >,std::allocator< std::complex< long double > > >":
return _npstat.Ref_CLDoubleVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CLDoubleVector
# Register Ref_CLDoubleVector in _npstat:
_npstat.Ref_CLDoubleVector_swigregister(Ref_CLDoubleVector)
class ArchiveValueRecord_StringVector(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StringVector", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_StringVector_swiginit(self, _npstat.new_ArchiveValueRecord_StringVector(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_StringVector
# Register ArchiveValueRecord_StringVector in _npstat:
_npstat.ArchiveValueRecord_StringVector_swigregister(ArchiveValueRecord_StringVector)
def NPValueRecord_StringVector(object: "StringVector", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::vector< std::string,std::allocator< std::string > > >":
return _npstat.NPValueRecord_StringVector(object, name, category)
class Ref_StringVector(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StringVector_swiginit(self, _npstat.new_Ref_StringVector(*args))
def restore(self, index: "unsigned long", obj: "StringVector") -> "void":
return _npstat.Ref_StringVector_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::vector< std::string,std::allocator< std::string > > *":
return _npstat.Ref_StringVector_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::vector< std::string,std::allocator< std::string > >":
return _npstat.Ref_StringVector_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_StringVector
# Register Ref_StringVector in _npstat:
_npstat.Ref_StringVector_swigregister(Ref_StringVector)
def histoBars(*args) -> "PyObject *":
return _npstat.histoBars(*args)
def histoBars3d(*args) -> "PyObject *":
return _npstat.histoBars3d(*args)
def doubleHistoBins1D(*args) -> "PyObject *":
return _npstat.doubleHistoBins1D(*args)
def scanDoubleFunctor1(*args) -> "PyObject *":
return _npstat.scanDoubleFunctor1(*args)
class PyFunctor1(DoubleFunctor1):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.PyFunctor1_swiginit(self, _npstat.new_PyFunctor1(*args))
__swig_destroy__ = _npstat.delete_PyFunctor1
def __call__(self, x_in: "double const &") -> "double":
return _npstat.PyFunctor1___call__(self, x_in)
# Register PyFunctor1 in _npstat:
_npstat.PyFunctor1_swigregister(PyFunctor1)
def scanDensityND(distro: "AbsDistributionND", boundingBox: "DoubleBoxND", shape: "UIntVector") -> "PyObject *":
return _npstat.scanDensityND(distro, boundingBox, shape)
def templateParameters(id: "ClassId") -> "PyObject *":
return _npstat.templateParameters(id)
def numpyArrayType(input: "PyObject *") -> "int":
return _npstat.numpyArrayType(input)
def isNumpyShapeCompatible(input: "PyObject *", dataShape: "unsigned int const *") -> "bool":
return _npstat.isNumpyShapeCompatible(input, dataShape)
def linearNumpyArrayElement(a: "PyObject *", index: "unsigned long const") -> "PyObject *":
return _npstat.linearNumpyArrayElement(a, index)
def sumOfSquaredDifferences(input1: "PyObject *", input2: "PyObject *") -> "double":
return _npstat.sumOfSquaredDifferences(input1, input2)
def arrayNDFromNumpyBool(IN_NUMPYARRAYND: "bool *") -> "npstat::ArrayND< unsigned char,1U,10U > *":
return _npstat.arrayNDFromNumpyBool(IN_NUMPYARRAYND)
def arrayNDFromNumpyInMemBool(IN_NUMPYARRAYND: "bool *") -> "npstat::ArrayND< unsigned char,1U,10U > *":
return _npstat.arrayNDFromNumpyInMemBool(IN_NUMPYARRAYND)
def arrayNDFromNumpyUChar(IN_NUMPYARRAYND: "unsigned char *") -> "npstat::ArrayND< unsigned char,1U,10U > *":
return _npstat.arrayNDFromNumpyUChar(IN_NUMPYARRAYND)
def arrayNDFromNumpyInt(IN_NUMPYARRAYND: "int *") -> "npstat::ArrayND< int,1U,10U > *":
return _npstat.arrayNDFromNumpyInt(IN_NUMPYARRAYND)
def arrayNDFromNumpyLong(IN_NUMPYARRAYND: "long *") -> "npstat::ArrayND< long,1U,10U > *":
return _npstat.arrayNDFromNumpyLong(IN_NUMPYARRAYND)
def arrayNDFromNumpyFloat(IN_NUMPYARRAYND: "float *") -> "npstat::ArrayND< float,1U,10U > *":
return _npstat.arrayNDFromNumpyFloat(IN_NUMPYARRAYND)
def arrayNDFromNumpyDouble(IN_NUMPYARRAYND: "double *") -> "npstat::ArrayND< double,1U,10U > *":
return _npstat.arrayNDFromNumpyDouble(IN_NUMPYARRAYND)
def arrayNDFromNumpyCFloat(IN_NUMPYARRAYND: "std::complex< float > *") -> "npstat::ArrayND< std::complex< float >,1U,10U > *":
return _npstat.arrayNDFromNumpyCFloat(IN_NUMPYARRAYND)
def arrayNDFromNumpyCDouble(IN_NUMPYARRAYND: "std::complex< double > *") -> "npstat::ArrayND< std::complex< double >,1U,10U > *":
return _npstat.arrayNDFromNumpyCDouble(IN_NUMPYARRAYND)
def arrayNDFromNumpyInMemUChar(IN_NUMPYARRAYND: "unsigned char *") -> "npstat::ArrayND< unsigned char,1U,10U > *":
return _npstat.arrayNDFromNumpyInMemUChar(IN_NUMPYARRAYND)
def arrayNDFromNumpyInMemInt(IN_NUMPYARRAYND: "int *") -> "npstat::ArrayND< int,1U,10U > *":
return _npstat.arrayNDFromNumpyInMemInt(IN_NUMPYARRAYND)
def arrayNDFromNumpyInMemLong(IN_NUMPYARRAYND: "long *") -> "npstat::ArrayND< long,1U,10U > *":
return _npstat.arrayNDFromNumpyInMemLong(IN_NUMPYARRAYND)
def arrayNDFromNumpyInMemFloat(IN_NUMPYARRAYND: "float *") -> "npstat::ArrayND< float,1U,10U > *":
return _npstat.arrayNDFromNumpyInMemFloat(IN_NUMPYARRAYND)
def arrayNDFromNumpyInMemDouble(IN_NUMPYARRAYND: "double *") -> "npstat::ArrayND< double,1U,10U > *":
return _npstat.arrayNDFromNumpyInMemDouble(IN_NUMPYARRAYND)
def matrixFromNumpy(IN_NUMPYARRAYND: "double *") -> "npstat::Matrix< double,16U > *":
return _npstat.matrixFromNumpy(IN_NUMPYARRAYND)
def histoOutline1D(*args) -> "PyObject *":
return _npstat.histoOutline1D(*args)
def histoBinContents1D(*args) -> "PyObject *":
return _npstat.histoBinContents1D(*args)
def scanDensity1D(*args) -> "PyObject *":
return _npstat.scanDensity1D(*args)
class StorableNone(object):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self):
_npstat.StorableNone_swiginit(self, _npstat.new_StorableNone())
def __eq__(self, arg2: "StorableNone") -> "bool":
return _npstat.StorableNone___eq__(self, arg2)
def __ne__(self, arg2: "StorableNone") -> "bool":
return _npstat.StorableNone___ne__(self, arg2)
def classId(self) -> "gs::ClassId":
return _npstat.StorableNone_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StorableNone_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StorableNone_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StorableNone_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "npstat::StorableNone *":
return _npstat.StorableNone_read(id, _in)
__swig_destroy__ = _npstat.delete_StorableNone
# Register StorableNone in _npstat:
_npstat.StorableNone_swigregister(StorableNone)
def StorableNone_classname() -> "char const *":
return _npstat.StorableNone_classname()
def StorableNone_version() -> "unsigned int":
return _npstat.StorableNone_version()
def StorableNone_read(id: "ClassId", _in: "istream") -> "npstat::StorableNone *":
return _npstat.StorableNone_read(id, _in)
class ArchiveRecord_StorableNone(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StorableNone", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StorableNone_swiginit(self, _npstat.new_ArchiveRecord_StorableNone(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StorableNone
# Register ArchiveRecord_StorableNone in _npstat:
_npstat.ArchiveRecord_StorableNone_swigregister(ArchiveRecord_StorableNone)
class Ref_StorableNone(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_StorableNone_swiginit(self, _npstat.new_Ref_StorableNone(*args))
def restore(self, index: "unsigned long", obj: "StorableNone") -> "void":
return _npstat.Ref_StorableNone_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "npstat::StorableNone *":
return _npstat.Ref_StorableNone_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "npstat::StorableNone":
return _npstat.Ref_StorableNone_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_StorableNone
# Register Ref_StorableNone in _npstat:
_npstat.Ref_StorableNone_swigregister(Ref_StorableNone)
class ArchiveValueRecord_StorableNone(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StorableNone", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_StorableNone_swiginit(self, _npstat.new_ArchiveValueRecord_StorableNone(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_StorableNone
# Register ArchiveValueRecord_StorableNone in _npstat:
_npstat.ArchiveValueRecord_StorableNone_swigregister(ArchiveValueRecord_StorableNone)
def NPValueRecord_StorableNone(object: "StorableNone", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< npstat::StorableNone >":
return _npstat.NPValueRecord_StorableNone(object, name, category)
def polyFilter1DToNumpy(vec: "PolyFilter1D", center: "int const", dataLen: "int const") -> "PyObject *":
return _npstat.polyFilter1DToNumpy(vec, center, dataLen)
def doubleHistoBinsND(*args) -> "PyObject *":
return _npstat.doubleHistoBinsND(*args)
def scanDensityEstimate1D(*args) -> "PyObject *":
return _npstat.scanDensityEstimate1D(*args)
class Ref_PyObject(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_PyObject_swiginit(self, _npstat.new_Ref_PyObject(*args))
__swig_destroy__ = _npstat.delete_Ref_PyObject
def retrieve(self, index: "unsigned long") -> "PyObject *":
return _npstat.Ref_PyObject_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "PyObject *":
return _npstat.Ref_PyObject_getValue(self, index)
# Register Ref_PyObject in _npstat:
_npstat.Ref_PyObject_swigregister(Ref_PyObject)
class PythonRecord(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.PythonRecord_swiginit(self, _npstat.new_PythonRecord(*args))
__swig_destroy__ = _npstat.delete_PythonRecord
# Register PythonRecord in _npstat:
_npstat.PythonRecord_swigregister(PythonRecord)
class StringArchive(AbsArchive):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, name: "char const *"=None):
_npstat.StringArchive_swiginit(self, _npstat.new_StringArchive(name))
__swig_destroy__ = _npstat.delete_StringArchive
def isOpen(self) -> "bool":
return _npstat.StringArchive_isOpen(self)
def error(self) -> "std::string":
return _npstat.StringArchive_error(self)
def isReadable(self) -> "bool":
return _npstat.StringArchive_isReadable(self)
def isWritable(self) -> "bool":
return _npstat.StringArchive_isWritable(self)
def size(self) -> "unsigned long long":
return _npstat.StringArchive_size(self)
def smallestId(self) -> "unsigned long long":
return _npstat.StringArchive_smallestId(self)
def largestId(self) -> "unsigned long long":
return _npstat.StringArchive_largestId(self)
def idsAreContiguous(self) -> "bool":
return _npstat.StringArchive_idsAreContiguous(self)
def itemExists(self, id: "unsigned long long const") -> "bool":
return _npstat.StringArchive_itemExists(self, id)
def itemSearch(self, namePattern: "SearchSpecifier", categoryPattern: "SearchSpecifier", idsFound: "ULLongVector") -> "void":
return _npstat.StringArchive_itemSearch(self, namePattern, categoryPattern, idsFound)
def flush(self) -> "void":
return _npstat.StringArchive_flush(self)
def str(self) -> "std::string":
return _npstat.StringArchive_str(self)
def dataSize(self) -> "unsigned long":
return _npstat.StringArchive_dataSize(self)
def classId(self) -> "gs::ClassId":
return _npstat.StringArchive_classId(self)
def write(self, of: "ostream") -> "bool":
return _npstat.StringArchive_write(self, of)
@staticmethod
def classname() -> "char const *":
return _npstat.StringArchive_classname()
@staticmethod
def version() -> "unsigned int":
return _npstat.StringArchive_version()
@staticmethod
def read(id: "ClassId", _in: "istream") -> "gs::StringArchive *":
return _npstat.StringArchive_read(id, _in)
# Register StringArchive in _npstat:
_npstat.StringArchive_swigregister(StringArchive)
def StringArchive_classname() -> "char const *":
return _npstat.StringArchive_classname()
def StringArchive_version() -> "unsigned int":
return _npstat.StringArchive_version()
def StringArchive_read(id: "ClassId", _in: "istream") -> "gs::StringArchive *":
return _npstat.StringArchive_read(id, _in)
class ArchiveRecord_StringArchive(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "StringArchive", name: "char const *", category: "char const *"):
_npstat.ArchiveRecord_StringArchive_swiginit(self, _npstat.new_ArchiveRecord_StringArchive(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveRecord_StringArchive
# Register ArchiveRecord_StringArchive in _npstat:
_npstat.ArchiveRecord_StringArchive_swigregister(ArchiveRecord_StringArchive)
def NPRecord(*args) -> "gs::ArchiveRecord< gs::StringArchive >":
return _npstat.NPRecord(*args)
def stringArchiveToBinary(ar: "StringArchive") -> "PyObject *":
return _npstat.stringArchiveToBinary(ar)
def stringArchiveFromBinary(object: "PyObject *") -> "gs::StringArchive *":
return _npstat.stringArchiveFromBinary(object)
def lorpeSmooth1D(*args) -> "PyObject *":
return _npstat.lorpeSmooth1D(*args)
def weightedLorpeSmooth1D(*args) -> "PyObject *":
return _npstat.weightedLorpeSmooth1D(*args)
def arrayNDToNumpy(*args) -> "PyObject *":
return _npstat.arrayNDToNumpy(*args)
def matrixToNumpy(*args) -> "PyObject *":
return _npstat.matrixToNumpy(*args)
class BinaryArchiveBase(AbsArchive):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
def __init__(self, *args, **kwargs):
raise AttributeError("No constructor defined - class is abstract")
__repr__ = _swig_repr
__swig_destroy__ = _npstat.delete_BinaryArchiveBase
def isOpen(self) -> "bool":
return _npstat.BinaryArchiveBase_isOpen(self)
def isReadable(self) -> "bool":
return _npstat.BinaryArchiveBase_isReadable(self)
def isWritable(self) -> "bool":
return _npstat.BinaryArchiveBase_isWritable(self)
def error(self) -> "std::string":
return _npstat.BinaryArchiveBase_error(self)
def modeValid(self) -> "bool":
return _npstat.BinaryArchiveBase_modeValid(self)
def size(self) -> "unsigned long long":
return _npstat.BinaryArchiveBase_size(self)
def smallestId(self) -> "unsigned long long":
return _npstat.BinaryArchiveBase_smallestId(self)
def largestId(self) -> "unsigned long long":
return _npstat.BinaryArchiveBase_largestId(self)
def idsAreContiguous(self) -> "bool":
return _npstat.BinaryArchiveBase_idsAreContiguous(self)
def itemExists(self, id: "unsigned long long const") -> "bool":
return _npstat.BinaryArchiveBase_itemExists(self, id)
def itemSearch(self, namePattern: "SearchSpecifier", categoryPattern: "SearchSpecifier", idsFound: "ULLongVector") -> "void":
return _npstat.BinaryArchiveBase_itemSearch(self, namePattern, categoryPattern, idsFound)
def compressionBufferSize(self) -> "std::size_t":
return _npstat.BinaryArchiveBase_compressionBufferSize(self)
def compressionLevel(self) -> "int":
return _npstat.BinaryArchiveBase_compressionLevel(self)
def minSizeToCompress(self) -> "unsigned int":
return _npstat.BinaryArchiveBase_minSizeToCompress(self)
def injectMetadata(self) -> "bool":
return _npstat.BinaryArchiveBase_injectMetadata(self)
@staticmethod
def isEmptyFile(s: "std::fstream &") -> "bool":
return _npstat.BinaryArchiveBase_isEmptyFile(s)
def compression(self) -> "int":
return _npstat.BinaryArchiveBase_compression(self)
# Register BinaryArchiveBase in _npstat:
_npstat.BinaryArchiveBase_swigregister(BinaryArchiveBase)
def BinaryArchiveBase_isEmptyFile(s: "std::fstream &") -> "bool":
return _npstat.BinaryArchiveBase_isEmptyFile(s)
def writeStringArchive(ar: "StringArchive", filename: "char const *") -> "bool":
return _npstat.writeStringArchive(ar, filename)
def readStringArchive(filename: "char const *") -> "gs::StringArchive *":
return _npstat.readStringArchive(filename)
def writeCompressedStringArchive(ar: "StringArchive", filename: "char const *", compressionMode: "unsigned int"=1, compressionLevel: "int"=-1, minSizeToCompress: "unsigned int"=1024, bufSize: "unsigned int"=1048576) -> "bool":
return _npstat.writeCompressedStringArchive(ar, filename, compressionMode, compressionLevel, minSizeToCompress, bufSize)
def readCompressedStringArchive(filename: "char const *") -> "gs::StringArchive *":
return _npstat.readCompressedStringArchive(filename)
def writeCompressedStringArchiveExt(ar: "StringArchive", filename: "char const *", suffix: "char const *"=None) -> "bool":
return _npstat.writeCompressedStringArchiveExt(ar, filename, suffix)
def readCompressedStringArchiveExt(filename: "char const *", suffix: "char const *"=None) -> "gs::StringArchive *":
return _npstat.readCompressedStringArchiveExt(filename, suffix)
def loadStringArchiveFromArchive(arch: "AbsArchive", id: "unsigned long long") -> "gs::StringArchive *":
return _npstat.loadStringArchiveFromArchive(arch, id)
class ArchiveValueRecord_Bool(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "bool const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_Bool_swiginit(self, _npstat.new_ArchiveValueRecord_Bool(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_Bool
# Register ArchiveValueRecord_Bool in _npstat:
_npstat.ArchiveValueRecord_Bool_swigregister(ArchiveValueRecord_Bool)
def NPValueRecord_Bool(object: "bool const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< bool >":
return _npstat.NPValueRecord_Bool(object, name, category)
class Ref_Bool(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Bool_swiginit(self, _npstat.new_Ref_Bool(*args))
def restore(self, index: "unsigned long", obj: "bool *") -> "void":
return _npstat.Ref_Bool_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "bool *":
return _npstat.Ref_Bool_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "bool":
return _npstat.Ref_Bool_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Bool
# Register Ref_Bool in _npstat:
_npstat.Ref_Bool_swigregister(Ref_Bool)
class ArchiveValueRecord_Char(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "char const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_Char_swiginit(self, _npstat.new_ArchiveValueRecord_Char(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_Char
# Register ArchiveValueRecord_Char in _npstat:
_npstat.ArchiveValueRecord_Char_swigregister(ArchiveValueRecord_Char)
def NPValueRecord_Char(object: "char const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< char >":
return _npstat.NPValueRecord_Char(object, name, category)
class Ref_Char(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Char_swiginit(self, _npstat.new_Ref_Char(*args))
def restore(self, index: "unsigned long", obj: "char *") -> "void":
return _npstat.Ref_Char_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "char *":
return _npstat.Ref_Char_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "char":
return _npstat.Ref_Char_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Char
# Register Ref_Char in _npstat:
_npstat.Ref_Char_swigregister(Ref_Char)
class ArchiveValueRecord_UChar(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "unsigned char const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_UChar_swiginit(self, _npstat.new_ArchiveValueRecord_UChar(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_UChar
# Register ArchiveValueRecord_UChar in _npstat:
_npstat.ArchiveValueRecord_UChar_swigregister(ArchiveValueRecord_UChar)
def NPValueRecord_UChar(object: "unsigned char const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< unsigned char >":
return _npstat.NPValueRecord_UChar(object, name, category)
class Ref_UChar(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UChar_swiginit(self, _npstat.new_Ref_UChar(*args))
def restore(self, index: "unsigned long", obj: "unsigned char *") -> "void":
return _npstat.Ref_UChar_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "unsigned char *":
return _npstat.Ref_UChar_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "unsigned char":
return _npstat.Ref_UChar_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UChar
# Register Ref_UChar in _npstat:
_npstat.Ref_UChar_swigregister(Ref_UChar)
class ArchiveValueRecord_SChar(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "signed char const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_SChar_swiginit(self, _npstat.new_ArchiveValueRecord_SChar(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_SChar
# Register ArchiveValueRecord_SChar in _npstat:
_npstat.ArchiveValueRecord_SChar_swigregister(ArchiveValueRecord_SChar)
def NPValueRecord_SChar(object: "signed char const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< signed char >":
return _npstat.NPValueRecord_SChar(object, name, category)
class Ref_SChar(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_SChar_swiginit(self, _npstat.new_Ref_SChar(*args))
def restore(self, index: "unsigned long", obj: "signed char *") -> "void":
return _npstat.Ref_SChar_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "signed char *":
return _npstat.Ref_SChar_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "signed char":
return _npstat.Ref_SChar_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_SChar
# Register Ref_SChar in _npstat:
_npstat.Ref_SChar_swigregister(Ref_SChar)
class ArchiveValueRecord_Short(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "short const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_Short_swiginit(self, _npstat.new_ArchiveValueRecord_Short(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_Short
# Register ArchiveValueRecord_Short in _npstat:
_npstat.ArchiveValueRecord_Short_swigregister(ArchiveValueRecord_Short)
def NPValueRecord_Short(object: "short const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< short >":
return _npstat.NPValueRecord_Short(object, name, category)
class Ref_Short(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Short_swiginit(self, _npstat.new_Ref_Short(*args))
def restore(self, index: "unsigned long", obj: "short *") -> "void":
return _npstat.Ref_Short_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "short *":
return _npstat.Ref_Short_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "short":
return _npstat.Ref_Short_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Short
# Register Ref_Short in _npstat:
_npstat.Ref_Short_swigregister(Ref_Short)
class ArchiveValueRecord_UShort(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "unsigned short const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_UShort_swiginit(self, _npstat.new_ArchiveValueRecord_UShort(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_UShort
# Register ArchiveValueRecord_UShort in _npstat:
_npstat.ArchiveValueRecord_UShort_swigregister(ArchiveValueRecord_UShort)
def NPValueRecord_UShort(object: "unsigned short const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< unsigned short >":
return _npstat.NPValueRecord_UShort(object, name, category)
class Ref_UShort(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UShort_swiginit(self, _npstat.new_Ref_UShort(*args))
def restore(self, index: "unsigned long", obj: "unsigned short *") -> "void":
return _npstat.Ref_UShort_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "unsigned short *":
return _npstat.Ref_UShort_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "unsigned short":
return _npstat.Ref_UShort_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UShort
# Register Ref_UShort in _npstat:
_npstat.Ref_UShort_swigregister(Ref_UShort)
class ArchiveValueRecord_Int(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "int const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_Int_swiginit(self, _npstat.new_ArchiveValueRecord_Int(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_Int
# Register ArchiveValueRecord_Int in _npstat:
_npstat.ArchiveValueRecord_Int_swigregister(ArchiveValueRecord_Int)
def NPValueRecord_Int(object: "int const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< int >":
return _npstat.NPValueRecord_Int(object, name, category)
class Ref_Int(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Int_swiginit(self, _npstat.new_Ref_Int(*args))
def restore(self, index: "unsigned long", obj: "int *") -> "void":
return _npstat.Ref_Int_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "int *":
return _npstat.Ref_Int_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "int":
return _npstat.Ref_Int_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Int
# Register Ref_Int in _npstat:
_npstat.Ref_Int_swigregister(Ref_Int)
class ArchiveValueRecord_Long(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "long const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_Long_swiginit(self, _npstat.new_ArchiveValueRecord_Long(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_Long
# Register ArchiveValueRecord_Long in _npstat:
_npstat.ArchiveValueRecord_Long_swigregister(ArchiveValueRecord_Long)
def NPValueRecord_Long(object: "long const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< long >":
return _npstat.NPValueRecord_Long(object, name, category)
class Ref_Long(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Long_swiginit(self, _npstat.new_Ref_Long(*args))
def restore(self, index: "unsigned long", obj: "long *") -> "void":
return _npstat.Ref_Long_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "long *":
return _npstat.Ref_Long_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "long":
return _npstat.Ref_Long_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Long
# Register Ref_Long in _npstat:
_npstat.Ref_Long_swigregister(Ref_Long)
class ArchiveValueRecord_LLong(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "long long const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_LLong_swiginit(self, _npstat.new_ArchiveValueRecord_LLong(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_LLong
# Register ArchiveValueRecord_LLong in _npstat:
_npstat.ArchiveValueRecord_LLong_swigregister(ArchiveValueRecord_LLong)
def NPValueRecord_LLong(object: "long long const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< long long >":
return _npstat.NPValueRecord_LLong(object, name, category)
class Ref_LLong(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LLong_swiginit(self, _npstat.new_Ref_LLong(*args))
def restore(self, index: "unsigned long", obj: "long long *") -> "void":
return _npstat.Ref_LLong_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "long long *":
return _npstat.Ref_LLong_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "long long":
return _npstat.Ref_LLong_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LLong
# Register Ref_LLong in _npstat:
_npstat.Ref_LLong_swigregister(Ref_LLong)
class ArchiveValueRecord_UInt(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "unsigned int const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_UInt_swiginit(self, _npstat.new_ArchiveValueRecord_UInt(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_UInt
# Register ArchiveValueRecord_UInt in _npstat:
_npstat.ArchiveValueRecord_UInt_swigregister(ArchiveValueRecord_UInt)
def NPValueRecord_UInt(object: "unsigned int const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< unsigned int >":
return _npstat.NPValueRecord_UInt(object, name, category)
class Ref_UInt(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_UInt_swiginit(self, _npstat.new_Ref_UInt(*args))
def restore(self, index: "unsigned long", obj: "unsigned int *") -> "void":
return _npstat.Ref_UInt_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "unsigned int *":
return _npstat.Ref_UInt_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "unsigned int":
return _npstat.Ref_UInt_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_UInt
# Register Ref_UInt in _npstat:
_npstat.Ref_UInt_swigregister(Ref_UInt)
class ArchiveValueRecord_ULong(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "unsigned long const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_ULong_swiginit(self, _npstat.new_ArchiveValueRecord_ULong(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_ULong
# Register ArchiveValueRecord_ULong in _npstat:
_npstat.ArchiveValueRecord_ULong_swigregister(ArchiveValueRecord_ULong)
def NPValueRecord_ULong(object: "unsigned long const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< unsigned long >":
return _npstat.NPValueRecord_ULong(object, name, category)
class Ref_ULong(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ULong_swiginit(self, _npstat.new_Ref_ULong(*args))
def restore(self, index: "unsigned long", obj: "unsigned long *") -> "void":
return _npstat.Ref_ULong_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "unsigned long *":
return _npstat.Ref_ULong_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "unsigned long":
return _npstat.Ref_ULong_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ULong
# Register Ref_ULong in _npstat:
_npstat.Ref_ULong_swigregister(Ref_ULong)
class ArchiveValueRecord_ULLong(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "unsigned long long const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_ULLong_swiginit(self, _npstat.new_ArchiveValueRecord_ULLong(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_ULLong
# Register ArchiveValueRecord_ULLong in _npstat:
_npstat.ArchiveValueRecord_ULLong_swigregister(ArchiveValueRecord_ULLong)
def NPValueRecord_ULLong(object: "unsigned long long const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< unsigned long long >":
return _npstat.NPValueRecord_ULLong(object, name, category)
class Ref_ULLong(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_ULLong_swiginit(self, _npstat.new_Ref_ULLong(*args))
def restore(self, index: "unsigned long", obj: "unsigned long long *") -> "void":
return _npstat.Ref_ULLong_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "unsigned long long *":
return _npstat.Ref_ULLong_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "unsigned long long":
return _npstat.Ref_ULLong_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_ULLong
# Register Ref_ULLong in _npstat:
_npstat.Ref_ULLong_swigregister(Ref_ULLong)
class ArchiveValueRecord_Float(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "float const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_Float_swiginit(self, _npstat.new_ArchiveValueRecord_Float(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_Float
# Register ArchiveValueRecord_Float in _npstat:
_npstat.ArchiveValueRecord_Float_swigregister(ArchiveValueRecord_Float)
def NPValueRecord_Float(object: "float const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< float >":
return _npstat.NPValueRecord_Float(object, name, category)
class Ref_Float(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Float_swiginit(self, _npstat.new_Ref_Float(*args))
def restore(self, index: "unsigned long", obj: "float *") -> "void":
return _npstat.Ref_Float_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "float *":
return _npstat.Ref_Float_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "float":
return _npstat.Ref_Float_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Float
# Register Ref_Float in _npstat:
_npstat.Ref_Float_swigregister(Ref_Float)
class ArchiveValueRecord_Double(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "double const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_Double_swiginit(self, _npstat.new_ArchiveValueRecord_Double(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_Double
# Register ArchiveValueRecord_Double in _npstat:
_npstat.ArchiveValueRecord_Double_swigregister(ArchiveValueRecord_Double)
def NPValueRecord_Double(object: "double const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< double >":
return _npstat.NPValueRecord_Double(object, name, category)
class Ref_Double(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_Double_swiginit(self, _npstat.new_Ref_Double(*args))
def restore(self, index: "unsigned long", obj: "double *") -> "void":
return _npstat.Ref_Double_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "double *":
return _npstat.Ref_Double_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "double":
return _npstat.Ref_Double_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_Double
# Register Ref_Double in _npstat:
_npstat.Ref_Double_swigregister(Ref_Double)
class ArchiveValueRecord_LDouble(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "long double const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_LDouble_swiginit(self, _npstat.new_ArchiveValueRecord_LDouble(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_LDouble
# Register ArchiveValueRecord_LDouble in _npstat:
_npstat.ArchiveValueRecord_LDouble_swigregister(ArchiveValueRecord_LDouble)
def NPValueRecord_LDouble(object: "long double const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< long double >":
return _npstat.NPValueRecord_LDouble(object, name, category)
class Ref_LDouble(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_LDouble_swiginit(self, _npstat.new_Ref_LDouble(*args))
def restore(self, index: "unsigned long", obj: "long double *") -> "void":
return _npstat.Ref_LDouble_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "long double *":
return _npstat.Ref_LDouble_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "long double":
return _npstat.Ref_LDouble_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_LDouble
# Register Ref_LDouble in _npstat:
_npstat.Ref_LDouble_swigregister(Ref_LDouble)
class ArchiveValueRecord_CFloat(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "std::complex< float > const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_CFloat_swiginit(self, _npstat.new_ArchiveValueRecord_CFloat(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_CFloat
# Register ArchiveValueRecord_CFloat in _npstat:
_npstat.ArchiveValueRecord_CFloat_swigregister(ArchiveValueRecord_CFloat)
def NPValueRecord_CFloat(object: "std::complex< float > const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::complex< float > >":
return _npstat.NPValueRecord_CFloat(object, name, category)
class Ref_CFloat(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CFloat_swiginit(self, _npstat.new_Ref_CFloat(*args))
def restore(self, index: "unsigned long", obj: "std::complex< float > *") -> "void":
return _npstat.Ref_CFloat_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::complex< float > *":
return _npstat.Ref_CFloat_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::complex< float >":
return _npstat.Ref_CFloat_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CFloat
# Register Ref_CFloat in _npstat:
_npstat.Ref_CFloat_swigregister(Ref_CFloat)
class ArchiveValueRecord_CDouble(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "std::complex< double > const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_CDouble_swiginit(self, _npstat.new_ArchiveValueRecord_CDouble(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_CDouble
# Register ArchiveValueRecord_CDouble in _npstat:
_npstat.ArchiveValueRecord_CDouble_swigregister(ArchiveValueRecord_CDouble)
def NPValueRecord_CDouble(object: "std::complex< double > const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::complex< double > >":
return _npstat.NPValueRecord_CDouble(object, name, category)
class Ref_CDouble(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CDouble_swiginit(self, _npstat.new_Ref_CDouble(*args))
def restore(self, index: "unsigned long", obj: "std::complex< double > *") -> "void":
return _npstat.Ref_CDouble_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::complex< double > *":
return _npstat.Ref_CDouble_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::complex< double >":
return _npstat.Ref_CDouble_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CDouble
# Register Ref_CDouble in _npstat:
_npstat.Ref_CDouble_swigregister(Ref_CDouble)
class ArchiveValueRecord_CLDouble(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "std::complex< long double > const &", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_CLDouble_swiginit(self, _npstat.new_ArchiveValueRecord_CLDouble(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_CLDouble
# Register ArchiveValueRecord_CLDouble in _npstat:
_npstat.ArchiveValueRecord_CLDouble_swigregister(ArchiveValueRecord_CLDouble)
def NPValueRecord_CLDouble(object: "std::complex< long double > const &", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::complex< long double > >":
return _npstat.NPValueRecord_CLDouble(object, name, category)
class Ref_CLDouble(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_CLDouble_swiginit(self, _npstat.new_Ref_CLDouble(*args))
def restore(self, index: "unsigned long", obj: "std::complex< long double > *") -> "void":
return _npstat.Ref_CLDouble_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::complex< long double > *":
return _npstat.Ref_CLDouble_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::complex< long double >":
return _npstat.Ref_CLDouble_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_CLDouble
# Register Ref_CLDouble in _npstat:
_npstat.Ref_CLDouble_swigregister(Ref_CLDouble)
class ArchiveValueRecord_String(AbsRecord):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, object: "string", name: "char const *", category: "char const *"):
_npstat.ArchiveValueRecord_String_swiginit(self, _npstat.new_ArchiveValueRecord_String(object, name, category))
__swig_destroy__ = _npstat.delete_ArchiveValueRecord_String
# Register ArchiveValueRecord_String in _npstat:
_npstat.ArchiveValueRecord_String_swigregister(ArchiveValueRecord_String)
def NPValueRecord_String(object: "string", name: "char const *", category: "char const *") -> "gs::ArchiveValueRecord< std::basic_string< char,std::char_traits< char >,std::allocator< char > > >":
return _npstat.NPValueRecord_String(object, name, category)
class Ref_String(AbsReference):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, *args):
_npstat.Ref_String_swiginit(self, _npstat.new_Ref_String(*args))
def restore(self, index: "unsigned long", obj: "string") -> "void":
return _npstat.Ref_String_restore(self, index, obj)
def retrieve(self, index: "unsigned long") -> "std::basic_string< char,std::char_traits< char >,std::allocator< char > > *":
return _npstat.Ref_String_retrieve(self, index)
def getValue(self, index: "unsigned long") -> "std::string":
return _npstat.Ref_String_getValue(self, index)
__swig_destroy__ = _npstat.delete_Ref_String
# Register Ref_String in _npstat:
_npstat.Ref_String_swigregister(Ref_String)
class BinaryFileArchive(BinaryArchiveBase):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, basename: "char const *", mode: "char const *", annotation: "char const *"=None, dataFileBufferSize: "unsigned int"=1048576, catalogFileBufferSize: "unsigned int"=131072):
_npstat.BinaryFileArchive_swiginit(self, _npstat.new_BinaryFileArchive(basename, mode, annotation, dataFileBufferSize, catalogFileBufferSize))
__swig_destroy__ = _npstat.delete_BinaryFileArchive
def flush(self) -> "void":
return _npstat.BinaryFileArchive_flush(self)
# Register BinaryFileArchive in _npstat:
_npstat.BinaryFileArchive_swigregister(BinaryFileArchive)
class MultiFileArchive(BinaryArchiveBase):
thisown = property(lambda x: x.this.own(), lambda x, v: x.this.own(v), doc="The membership flag")
__repr__ = _swig_repr
def __init__(self, basename: "char const *", mode: "char const *", annotation: "char const *"=None, typicalFileSizeInMB: "unsigned int"=1000, dataFileBufferSize: "unsigned int"=1048576, catalogFileBufferSize: "unsigned int"=131072):
_npstat.MultiFileArchive_swiginit(self, _npstat.new_MultiFileArchive(basename, mode, annotation, typicalFileSizeInMB, dataFileBufferSize, catalogFileBufferSize))
__swig_destroy__ = _npstat.delete_MultiFileArchive
def flush(self) -> "void":
return _npstat.MultiFileArchive_flush(self)
# Register MultiFileArchive in _npstat:
_npstat.MultiFileArchive_swigregister(MultiFileArchive)
Index: trunk/npstat/stat/LOrPE1DVariableDegreeCVPicker.hh
===================================================================
--- trunk/npstat/stat/LOrPE1DVariableDegreeCVPicker.hh (revision 814)
+++ trunk/npstat/stat/LOrPE1DVariableDegreeCVPicker.hh (revision 815)
@@ -1,256 +1,324 @@
#ifndef NPSTAT_LORPE1DVARIABLEDEGREECVPICKER_HH_
#define NPSTAT_LORPE1DVARIABLEDEGREECVPICKER_HH_
#include "npstat/nm/LinearMapper1d.hh"
#include "npstat/stat/LOrPE1DFixedDegreeCVPicker.hh"
namespace npstat {
class LOrPE1DVariableDegreeCVPicker;
namespace Private {
template<class Lorpe>
class LOrPE1DVariableDegreeCVPickerHelper : public Functor1<double,double>
{
public:
typedef std::map<double,LOrPE1DCVResult> StatusMap;
inline LOrPE1DVariableDegreeCVPickerHelper(
Lorpe& lorpe, const LOrPE1DVariableDegreeCVPicker& picker)
: lorpe_(lorpe),
picker_(picker)
{}
inline virtual ~LOrPE1DVariableDegreeCVPickerHelper() {}
virtual double operator()(const double& degree) const;
// This method returns an invalid result if the degree key is not memoized
inline LOrPE1DCVResult getMemoized(const double degree) const
{
const auto it = statusMap_.find(degree);
if (it == statusMap_.end())
return LOrPE1DCVResult();
else
return it->second;
}
private:
Lorpe& lorpe_;
const LOrPE1DVariableDegreeCVPicker& picker_;
mutable StatusMap statusMap_;
};
}
class LOrPE1DVariableDegreeCVPicker
{
public:
+ /*
+ // LOrPE1DVariableDegreeCVPicker constructor arguments are:
+ //
+ // i_maxDeg -- Maximum filter degree to consider
+ // in the optimization procedure.
+ //
+ // minBwFactors -- Minimum bandwidth factors to
+ // consider for each filter degree.
+ // The number of points in the degree
+ // grid will be set to the size
+ // of this vector. For example,
+ // if i_maxDeg = 2 and the size
+ // of minBwFactors is 5, the following
+ // five degrees will be considered:
+ // 0.0, 0.5, 1.0, 1.5, 2.0. The
+ // first element of "minBwFactors"
+ // will be used for degree 0, the
+ // second for degree 0.5, etc. The
+ // size of "minBwFactors" vector
+ // must be at least 2.
+ //
+ // maxBwFactors -- Maximum bandwidth factors to
+ // consider for each degree. The size
+ // of this vector should be equal to
+ // the size of "minBwFactors".
+ //
+ // startingBwFactors -- Bandwidth factors to use to start
+ // searches (for each filter degree).
+ // The size of this vector should be
+ // equal to the size of "minBwFactors".
+ //
+ // nBwFactors -- The size of the grid of bandwidth
+ // factors. For each degree, this grid
+ // will be generated by
+ // "EquidistantInLogSpace" class with
+ // the minimum and maximum taken from
+ // the corresponding elements of
+ // "minBwFactors" and "maxBwFactors"
+ // vectors. This parameter must be
+ // at least 2.
+ //
+ // initialStepSizeInFactorCells -- Initial step size in the units of
+ // bandwidth cell width, for the
+ // optimization over bandwidth factors.
+ //
+ // initialDeg -- Initial guess for the best filter
+ // degree.
+ //
+ // initialStepSizeInDegreeCells -- Initial step size in the units of
+ // filter degree cell width, for the
+ // optimization over filter degrees.
+ // The width of the filter degree cell
+ // is just
+ // i_maxDeg/(minBwFactors.size() - 1).
+ */
inline LOrPE1DVariableDegreeCVPicker(const double i_maxDeg,
- const unsigned i_nDegsInTheGrid,
- const std::vector<double>& maxBwFactorForEachDeg,
- const double maxToMinBwRatio,
+ const std::vector<double>& minBwFactors,
+ const std::vector<double>& maxBwFactors,
+ const std::vector<double>& startingBwFactors,
const unsigned nBwFactors,
+ const unsigned initialStepSizeInFactorCells,
const double initialDeg,
- const unsigned initialStepSizeInDegreeGridCells,
- const std::vector<double>& startingBwFactorForEachDeg,
- const unsigned initialStepSizeInFactorsGridCells)
- : degAxis_(UniformAxis(i_nDegsInTheGrid, 0.0, i_maxDeg)),
- maxBwFactorForEachDeg_(maxBwFactorForEachDeg),
- startingBwFactorForEachDeg_(startingBwFactorForEachDeg),
- maxToMinBwRatio_(maxToMinBwRatio),
+ const unsigned initialStepSizeInDegreeCells)
+ : degAxis_(UniformAxis(minBwFactors.size(), 0.0, i_maxDeg)),
+ minBwFactorForEachDeg_(minBwFactors),
+ maxBwFactorForEachDeg_(maxBwFactors),
+ startingBwFactorForEachDeg_(startingBwFactors),
nBwFactors_(nBwFactors),
- initialStepSizeInDegreeGridCells_(initialStepSizeInDegreeGridCells),
- initialStepSizeInFactorsGridCells_(initialStepSizeInFactorsGridCells)
+ initialStepSizeInFactorsGridCells_(initialStepSizeInFactorCells),
+ initialStepSizeInDegreeGridCells_(initialStepSizeInDegreeCells)
{
+ const unsigned nDegsInTheGrid = minBwFactorForEachDeg_.size();
+
assert(i_maxDeg > 0.0);
- assert(i_nDegsInTheGrid > 1U);
- assert(maxBwFactorForEachDeg_.size() == i_nDegsInTheGrid);
- assert(startingBwFactorForEachDeg_.size() == i_nDegsInTheGrid);
- for (unsigned i=0; i<i_nDegsInTheGrid; ++i)
+ assert(nDegsInTheGrid > 1U);
+ assert(maxBwFactorForEachDeg_.size() == nDegsInTheGrid);
+ assert(startingBwFactorForEachDeg_.size() == nDegsInTheGrid);
+
+ for (unsigned i=0; i<nDegsInTheGrid; ++i)
{
- assert(maxBwFactorForEachDeg_[i] > 0.0);
+ assert(minBwFactorForEachDeg_[i] > 0.0);
+ assert(maxBwFactorForEachDeg_[i] > minBwFactorForEachDeg_[i]);
assert(startingBwFactorForEachDeg_[i] > 0.0);
}
- assert(maxToMinBwRatio_ > 1.0);
assert(nBwFactors_ > 1U);
if (initialDeg <= 0.0)
initialDegCell_ = 0U;
else if (initialDeg >= i_maxDeg)
- initialDegCell_ = i_nDegsInTheGrid - 1U;
+ initialDegCell_ = nDegsInTheGrid - 1U;
else
{
const std::pair<unsigned,double>& cell = degAxis_.getInterval(initialDeg);
initialDegCell_ = cell.first;
if (cell.second < 0.5)
++initialDegCell_;
}
if (!initialStepSizeInDegreeGridCells_)
initialStepSizeInDegreeGridCells_ = 1U;
if (!initialStepSizeInFactorsGridCells_)
initialStepSizeInFactorsGridCells_ = 1U;
}
template<class Lorpe>
inline LOrPE1DCVResult crossValidate(Lorpe& lorpe) const
{
typedef Private::LOrPE1DVariableDegreeCVPickerHelper<Lorpe> Helper;
typedef LOrPE1DCVResult Result;
const unsigned nscan = degAxis_.nCoords();
const Helper helper(lorpe, *this);
unsigned imin = UINT_MAX;
double fMinusOne, fmin, fPlusOne;
const MinSearchStatus1D status = goldenSectionSearchOnAGrid(
helper, degAxis_, initialDegCell_, initialStepSizeInDegreeGridCells_,
&imin, &fMinusOne, &fmin, &fPlusOne);
if (status == MIN_SEARCH_FAILED)
{
std::vector<double> buffer(2*nscan);
double* degrees = &buffer[0];
double* cvValues = degrees + nscan;
for (unsigned i=0; i<nscan; ++i)
{
const double deg = degAxis_.coordinate(i);
degrees[i] = deg;
const LOrPE1DCVResult& searched = helper.getMemoized(deg);
if (searched.isValid())
cvValues[i] = searched.cvFunction();
else
cvValues[i] = -helper(deg);
}
const ScanExtremum1D& scanMax = findScanMaximum1D(degrees, nscan,
cvValues, nscan);
LOrPE1DCVResult searched = helper.getMemoized(scanMax.location());
if (scanMax.isOnTheBoundary())
assert(searched.isValid());
else if (searched.isValid())
searched.setDegreeBoundaryFlag(false);
else
// Run actuall cross-validation at the guessed degree
searched = cvArbitraryDegree(lorpe, scanMax.location());
return searched;
}
else if (status == MIN_SEARCH_OK)
{
assert(imin);
assert(imin + 1U < nscan);
const double degGuess = degAxis_.coordinate(imin);
Result resGuess = helper.getMemoized(degGuess);
assert(resGuess.isValid());
resGuess.setDegreeBoundaryFlag(false);
// Parabolic approximation in the degree variable
double bestDegree, extremumValue;
const bool isMinimum = parabolicExtremum(
degAxis_.coordinate(imin - 1U), fMinusOne,
degGuess, fmin,
degAxis_.coordinate(imin + 1U), fPlusOne,
&bestDegree, &extremumValue);
assert(isMinimum);
// Run actuall cross-validation at the guessed degree
const Result bestGuess = cvArbitraryDegree(lorpe, bestDegree);
return bestGuess.cvFunction() > resGuess.cvFunction() ?
bestGuess : resGuess;
}
else
{
// Optimum is on the boundary of the degree grid
assert(imin < nscan);
const double deg = degAxis_.coordinate(imin);
const LOrPE1DCVResult& searched = helper.getMemoized(deg);
assert(searched.isValid());
return searched;
}
}
private:
template<class Lorpe>
friend class Private::LOrPE1DVariableDegreeCVPickerHelper;
template<class Lorpe>
inline LOrPE1DCVResult cvArbitraryDegree(Lorpe& lorpe, const double bestDegree) const
{
const unsigned nscan = degAxis_.nCoords();
- double maxBwFactor, firstBwFactorToTry;
+ double minBwFactor, maxBwFactor, firstBwFactorToTry;
const unsigned ibest = degAxis_.getInterval(bestDegree).first;
const unsigned inext = ibest + 1U;
if (inext < nscan)
{
const double xbest = degAxis_.coordinate(ibest);
const double xnext = degAxis_.coordinate(inext);
+
+ // Perform logarithmic interpolation of the min/max/firstToTry
+ // bandwidth factors to the given degree which no longer
+ // has to be on the degree grid
+ const LinearMapper1d m0(xbest, std::log(minBwFactorForEachDeg_[ibest]),
+ xnext, std::log(minBwFactorForEachDeg_[inext]));
+ minBwFactor = std::exp(m0(bestDegree));
+
const LinearMapper1d m1(xbest, std::log(maxBwFactorForEachDeg_[ibest]),
xnext, std::log(maxBwFactorForEachDeg_[inext]));
maxBwFactor = std::exp(m1(bestDegree));
+
const LinearMapper1d m2(xbest, std::log(startingBwFactorForEachDeg_[ibest]),
xnext, std::log(startingBwFactorForEachDeg_[inext]));
firstBwFactorToTry = std::exp(m2(bestDegree));
}
else
{
+ minBwFactor = minBwFactorForEachDeg_[ibest];
maxBwFactor = maxBwFactorForEachDeg_[ibest];
firstBwFactorToTry = startingBwFactorForEachDeg_[ibest];
}
const LOrPE1DFixedDegreeCVPicker r2(bestDegree,
- maxBwFactor/maxToMinBwRatio_, maxBwFactor, nBwFactors_,
+ minBwFactor, maxBwFactor, nBwFactors_,
firstBwFactorToTry, initialStepSizeInFactorsGridCells_);
LOrPE1DCVResult cv = r2.crossValidate(lorpe);
assert(cv.isValid());
cv.setDegreeBoundaryFlag(false);
return cv;
}
DualAxis degAxis_;
+ std::vector<double> minBwFactorForEachDeg_;
std::vector<double> maxBwFactorForEachDeg_;
std::vector<double> startingBwFactorForEachDeg_;
- double maxToMinBwRatio_;
unsigned nBwFactors_;
+ unsigned initialStepSizeInFactorsGridCells_;
unsigned initialDegCell_;
unsigned initialStepSizeInDegreeGridCells_;
- unsigned initialStepSizeInFactorsGridCells_;
};
namespace Private {
template<class Lorpe>
inline double
LOrPE1DVariableDegreeCVPickerHelper<Lorpe>::operator()(const double& degree) const
{
- // Figure out the bandwidth range and the
- // first bandwidth to try for this degree
+ // Check that the degree argument is actually on
+ // the degree grid. Figure out the bandwidth range
+ // and the first bandwidth to try for this degree.
const double eps = 1.e-5;
const std::pair<unsigned,double>& cell = picker_.degAxis_.getInterval(degree);
assert(cell.second < eps || cell.second > 1.0 - eps);
unsigned ideg = cell.first;
if (cell.second < eps)
++ideg;
assert(ideg < picker_.degAxis_.nCoords());
+ const double minBwFactor = picker_.minBwFactorForEachDeg_[ideg];
const double maxBwFactor = picker_.maxBwFactorForEachDeg_[ideg];
- const double minBwFactor = maxBwFactor/picker_.maxToMinBwRatio_;
const double firstBwFactorToTry = picker_.startingBwFactorForEachDeg_[ideg];
// Now, find the optimal bandwidth for this degree
const LOrPE1DFixedDegreeCVPicker r(
degree, minBwFactor, maxBwFactor, picker_.nBwFactors_,
firstBwFactorToTry, picker_.initialStepSizeInFactorsGridCells_);
const LOrPE1DCVResult& status = r.crossValidate(lorpe_);
assert(status.isValid());
// Remember the optimal result for this degree
const auto insertResult = statusMap_.insert(std::make_pair(degree,status));
assert(insertResult.second);
return -status.cvFunction();
}
}
}
#endif // NPSTAT_LORPE1DVARIABLEDEGREECVPICKER_HH_
Index: trunk/npstat/stat/DistributionMix1D.hh
===================================================================
--- trunk/npstat/stat/DistributionMix1D.hh (revision 814)
+++ trunk/npstat/stat/DistributionMix1D.hh (revision 815)
@@ -1,95 +1,95 @@
#ifndef NPSTAT_DISTRIBUTIONMIX1D_HH_
#define NPSTAT_DISTRIBUTIONMIX1D_HH_
/*!
// \file DistributionMix1D.hh
//
// \brief A mixture of one-dimensional statistical distributions
//
// Author: I. Volobouev
//
// June 2014
*/
#include "npstat/stat/AbsDistribution1D.hh"
namespace npstat {
/** One-dimensional mixture of statistical distributions */
class DistributionMix1D : public AbsDistribution1D
{
public:
DistributionMix1D();
DistributionMix1D(const DistributionMix1D&);
DistributionMix1D& operator=(const DistributionMix1D&);
/** "Virtual copy constructor" */
inline virtual DistributionMix1D* clone() const
{return new DistributionMix1D(*this);}
virtual ~DistributionMix1D();
/**
- // Add a component to the mixture. Weight must be positive.
+ // Add a component to the mixture. Weight must be non-negative.
// All weights will be normalized internally so that their
// sum is 1.
*/
DistributionMix1D& add(const AbsDistribution1D& distro, double weight);
/**
// Set all weights. Number of weights provided should be equal
// to the number of components. Weights will be normalized internally.
*/
void setWeights(const double* weights, unsigned nWeights);
/** Number of mixture components */
inline unsigned nComponents() const {return entries_.size();}
/** Get the mixture component with the given number */
inline const AbsDistribution1D& getComponent(const unsigned n) const
{return *entries_.at(n);}
/** Get the component weight */
double getWeight(unsigned n) const;
/** Probability density */
double density(double x) const;
/** Cumulative distribution function */
double cdf(double x) const;
/** 1 - cdf, implementations should avoid subtractive cancellation */
double exceedance(double x) const;
/** The quantile function */
double quantile(double x) const;
/** Random number generator according to this distribution */
unsigned random(AbsRandomGenerator& g, double* r) const;
//@{
/** Prototype needed for I/O */
virtual inline gs::ClassId classId() const {return gs::ClassId(*this);}
virtual bool write(std::ostream&) const;
//@}
static inline const char* classname()
{return "npstat::DistributionMix1D";}
static inline unsigned version() {return 1;}
static DistributionMix1D* read(const gs::ClassId& id, std::istream& in);
protected:
virtual bool isEqual(const AbsDistribution1D&) const;
private:
void normalize();
std::vector<const AbsDistribution1D*> entries_;
std::vector<double> weights_;
std::vector<double> weightCdf_;
long double wsum_;
bool isNormalized_;
};
}
#endif // NPSTAT_DISTRIBUTIONMIX1D_HH_

File Metadata

Mime Type
application/octet-stream
Expires
Tue, May 7, 9:31 PM (1 d, 23 h)
Storage Engine
chunks
Storage Format
Chunks
Storage Handle
gzWV8WKoNc3T
Default Alt Text
(7 MB)

Event Timeline